diff --git a/eval/__init__.py b/eval/__init__.py
deleted file mode 100644
index 943b7d3a7a676d9a500bf048d4307f4f803221f5..0000000000000000000000000000000000000000
--- a/eval/__init__.py
+++ /dev/null
@@ -1,2 +0,0 @@
-# Copyright 2025 Bytedance Ltd. and/or its affiliates.
-# SPDX-License-Identifier: Apache-2.0
\ No newline at end of file
diff --git a/eval/gen/gen_images_mp.py b/eval/gen/gen_images_mp.py
deleted file mode 100644
index beeed0b6bc00827a3918ce969427784ac87df94b..0000000000000000000000000000000000000000
--- a/eval/gen/gen_images_mp.py
+++ /dev/null
@@ -1,238 +0,0 @@
-# Copyright 2025 Bytedance Ltd. and/or its affiliates.
-# SPDX-License-Identifier: Apache-2.0
-
-import os
-import json
-import argparse
-from safetensors.torch import load_file
-
-import torch
-import torch.distributed as dist
-from data.data_utils import add_special_tokens
-from modeling.bagel import (
- BagelConfig, Bagel, Qwen2Config, Qwen2ForCausalLM, SiglipVisionConfig, SiglipVisionModel
-)
-from modeling.qwen2 import Qwen2Tokenizer
-from modeling.autoencoder import load_ae
-
-from PIL import Image
-from modeling.bagel.qwen2_navit import NaiveCache
-
-
-def move_generation_input_to_device(generation_input, device):
- # Utility to move all tensors in generation_input to device
- for k, v in generation_input.items():
- if isinstance(v, torch.Tensor):
- generation_input[k] = v.to(device)
- return generation_input
-
-
-def setup_distributed():
- dist.init_process_group(backend="nccl")
- torch.cuda.set_device(int(os.environ["LOCAL_RANK"]))
-
-
-def generate_image(prompt, num_timesteps=50, cfg_scale=10.0, cfg_interval=[0, 1.0], cfg_renorm_min=0., timestep_shift=1.0, num_images=4, resolution=512, device=None): # 添加device参数
- past_key_values = NaiveCache(gen_model.config.llm_config.num_hidden_layers)
- newlens = [0] * num_images
- new_rope = [0] * num_images
-
- generation_input, newlens, new_rope = gen_model.prepare_prompts(
- curr_kvlens=newlens,
- curr_rope=new_rope,
- prompts=[prompt] * num_images,
- tokenizer=tokenizer,
- new_token_ids=new_token_ids,
- )
- generation_input = move_generation_input_to_device(generation_input, device)
-
- with torch.no_grad():
- with torch.amp.autocast("cuda", enabled=True, dtype=torch.float16):
- past_key_values = gen_model.forward_cache_update_text(past_key_values, **generation_input)
-
- generation_input = gen_model.prepare_vae_latent(
- curr_kvlens=newlens,
- curr_rope=new_rope,
- image_sizes=[(resolution, resolution)] * num_images,
- new_token_ids=new_token_ids,
- )
- generation_input = move_generation_input_to_device(generation_input, device)
-
- cfg_past_key_values = NaiveCache(gen_model.config.llm_config.num_hidden_layers)
- cfg_newlens = [0] * num_images
- cfg_new_rope = [0] * num_images
-
- generation_input_cfg = model.prepare_vae_latent_cfg(
- curr_kvlens=cfg_newlens,
- curr_rope=cfg_new_rope,
- image_sizes=[(resolution, resolution)] * num_images,
- )
- generation_input_cfg = move_generation_input_to_device(generation_input_cfg, device)
-
- with torch.no_grad():
- with torch.amp.autocast("cuda", enabled=True, dtype=torch.bfloat16):
- unpacked_latent = gen_model.generate_image(
- past_key_values=past_key_values,
- num_timesteps=num_timesteps,
- cfg_text_scale=cfg_scale,
- cfg_interval=cfg_interval,
- cfg_renorm_min=cfg_renorm_min,
- timestep_shift=timestep_shift,
- cfg_text_past_key_values=cfg_past_key_values,
- cfg_text_packed_position_ids=generation_input_cfg["cfg_packed_position_ids"],
- cfg_text_key_values_lens=generation_input_cfg["cfg_key_values_lens"],
- cfg_text_packed_query_indexes=generation_input_cfg["cfg_packed_query_indexes"],
- cfg_text_packed_key_value_indexes=generation_input_cfg["cfg_packed_key_value_indexes"],
- **generation_input,
- )
-
- image_list = []
- for latent in unpacked_latent:
- latent = latent.reshape(1, resolution//16, resolution//16, 2, 2, 16)
- latent = torch.einsum("nhwpqc->nchpwq", latent)
- latent = latent.reshape(1, 16, resolution//8, resolution//8)
- image = vae_model.decode(latent.to(device))
- tmpimage = ((image * 0.5 + 0.5).clamp(0, 1)[0].permute(1, 2, 0) * 255).to(torch.uint8).cpu().numpy()
- tmpimage = Image.fromarray(tmpimage)
- image_list.append(tmpimage)
-
- return image_list
-
-
-if __name__ == "__main__":
- parser = argparse.ArgumentParser(description="Generate images using Bagel model.")
- parser.add_argument("--output_dir", type=str, required=True, help="Directory to save the generated images.")
- parser.add_argument("--metadata_file", type=str, required=True, help="JSONL file containing lines of metadata for each prompt.")
- parser.add_argument("--num_images", type=int, default=4)
- parser.add_argument("--batch_size", type=int, default=4)
- parser.add_argument("--cfg_scale", type=float, default=4)
- parser.add_argument("--resolution", type=int, default=1024)
- parser.add_argument("--max_latent_size", type=int, default=64)
- parser.add_argument('--model-path', type=str, default='hf/BAGEL-7B-MoT/')
- args = parser.parse_args()
-
- seed = 42
- if seed is not None:
- import random
- import numpy as np
- random.seed(seed)
- np.random.seed(seed)
- torch.manual_seed(seed)
- if torch.cuda.is_available():
- torch.cuda.manual_seed(seed)
- torch.cuda.manual_seed_all(seed)
- torch.backends.cudnn.deterministic = True
- torch.backends.cudnn.benchmark = False
-
- setup_distributed()
- rank = dist.get_rank()
- world_size = dist.get_world_size()
- device = f"cuda:{rank}"
-
- output_dir = args.output_dir
- os.makedirs(output_dir, exist_ok=True)
- if rank == 0:
- print(f"Output images are saved in {output_dir}")
-
- llm_config = Qwen2Config.from_json_file(os.path.join(args.model_path, "llm_config.json"))
- llm_config.qk_norm = True
- llm_config.tie_word_embeddings = False
- llm_config.layer_module = "Qwen2MoTDecoderLayer"
-
- vit_config = SiglipVisionConfig.from_json_file(os.path.join(args.model_path, "vit_config.json"))
- vit_config.rope = False
- vit_config.num_hidden_layers = vit_config.num_hidden_layers - 1
-
- vae_model, vae_config = load_ae(local_path=os.path.join(args.model_path, "ae.safetensors"))
-
- config = BagelConfig(
- visual_gen=True,
- visual_und=True,
- llm_config=llm_config,
- vit_config=vit_config,
- vae_config=vae_config,
- vit_max_num_patch_per_side=70,
- connector_act='gelu_pytorch_tanh',
- latent_patch_size=2,
- max_latent_size=args.max_latent_size,
- )
- language_model = Qwen2ForCausalLM(llm_config)
- vit_model = SiglipVisionModel(vit_config)
- model = Bagel(language_model, vit_model, config)
- model.vit_model.vision_model.embeddings.convert_conv2d_to_linear(vit_config)
-
- tokenizer = Qwen2Tokenizer.from_pretrained(args.model_path)
- tokenizer, new_token_ids, _ = add_special_tokens(tokenizer)
-
- model_state_dict_path = os.path.join(args.model_path, "ema.safetensors")
- model_state_dict = load_file(model_state_dict_path, device="cpu")
- msg = model.load_state_dict(model_state_dict, strict=False)
- if rank == 0:
- print(msg)
- del model_state_dict
-
- model = model.to(device).eval()
- vae_model = vae_model.to(device).eval()
- gen_model = model
-
- cfg_scale = args.cfg_scale
- cfg_interval = [0, 1.0]
- timestep_shift = 3.0
- num_timesteps = 50
- cfg_renorm_min = 0.0
-
- with open(args.metadata_file, "r", encoding="utf-8") as fp:
- metadatas = [json.loads(line) for line in fp]
- total_metadatas = len(metadatas)
-
- prompts_per_gpu = (total_metadatas + world_size - 1) // world_size
- start = rank * prompts_per_gpu
- end = min(start + prompts_per_gpu, total_metadatas)
- print(f"GPU {rank}: Processing {end - start} prompts (indices {start} to {end - 1})")
-
- for idx in range(start, end):
- metadata = metadatas[idx]
- outpath = os.path.join(output_dir, f"{idx:0>5}")
- os.makedirs(outpath, exist_ok=True)
- prompt = metadata['prompt']
- print(f"GPU {rank} processing prompt {idx - start + 1}/{end - start}: '{prompt}'")
-
- sample_path = os.path.join(outpath, "samples")
- os.makedirs(sample_path, exist_ok=True)
-
- flag = True
- for idx in range(args.num_images):
- if not os.path.exists(os.path.join(sample_path, f"{idx:05}.png")):
- flag = False
- break
- if flag:
- print(f"GPU {rank} skipping generation for prompt: {prompt}")
- continue
-
- with open(os.path.join(outpath, "metadata.jsonl"), "w", encoding="utf-8") as fp:
- json.dump(metadata, fp)
-
- image_list = []
-
- for i in range(args.num_images // args.batch_size):
- tmp_image_list = generate_image(
- prompt=prompt,
- cfg_scale=cfg_scale,
- cfg_interval=cfg_interval,
- cfg_renorm_min=cfg_renorm_min,
- timestep_shift=timestep_shift,
- num_timesteps=num_timesteps,
- num_images=args.batch_size,
- resolution=args.resolution,
- device=device,
- )
- image_list.extend(tmp_image_list)
-
- sample_count = 0
- for sample in image_list:
- sample = sample.crop(sample.getbbox())
- sample.save(os.path.join(sample_path, f"{sample_count:05}.png"))
- sample_count += 1
-
- print(f"GPU {rank} has completed all tasks")
- dist.barrier()
\ No newline at end of file
diff --git a/eval/gen/gen_images_mp_wise.py b/eval/gen/gen_images_mp_wise.py
deleted file mode 100644
index d629fed056c1ac97acdcbcbbc73740fa90129ad7..0000000000000000000000000000000000000000
--- a/eval/gen/gen_images_mp_wise.py
+++ /dev/null
@@ -1,365 +0,0 @@
-# Copyright 2025 Bytedance Ltd. and/or its affiliates.
-# SPDX-License-Identifier: Apache-2.0
-
-import os
-import json
-import argparse
-from safetensors.torch import load_file
-
-import torch
-import torch.distributed as dist
-from data.data_utils import add_special_tokens
-from modeling.bagel import (
- BagelConfig, Bagel, Qwen2Config, Qwen2ForCausalLM, SiglipVisionConfig, SiglipVisionModel
-)
-from modeling.qwen2 import Qwen2Tokenizer
-from modeling.autoencoder import load_ae
-
-import copy
-from PIL import Image
-from modeling.bagel.qwen2_navit import NaiveCache
-
-
-def setup_distributed():
- dist.init_process_group(backend="nccl")
- torch.cuda.set_device(int(os.environ["LOCAL_RANK"]))
-
-
-SYSTEM_PROMPT = '''You should first think about the planning process in the mind and then generate the image.
-The planning process is enclosed within tags, i.e. planning process here image here'''
-
-
-def move_generation_input_to_device(generation_input, device):
- # Utility to move all tensors in generation_input to device
- for k, v in generation_input.items():
- if isinstance(v, torch.Tensor):
- generation_input[k] = v.to(device)
- return generation_input
-
-
-def generate_image_with_think(
- prompt, num_timesteps=50, cfg_scale=4.0, cfg_interval=[0, 1.0], cfg_renorm_min=0., timestep_shift=4.0, resolution=1024,
- max_length=2048, simple_think=False, device=None
-):
- h, w = resolution, resolution
-
- past_key_values = NaiveCache(model.config.llm_config.num_hidden_layers)
- newlens = [0]
- new_rope = [0]
-
- # system prompt
- generation_input, newlens, new_rope = model.prepare_prompts(
- curr_kvlens=newlens,
- curr_rope=new_rope,
- prompts=[SYSTEM_PROMPT],
- tokenizer=tokenizer,
- new_token_ids=new_token_ids,
- )
- generation_input = move_generation_input_to_device(generation_input, device)
- with torch.amp.autocast("cuda", enabled=True, dtype=torch.bfloat16):
- past_key_values = model.forward_cache_update_text(past_key_values, **generation_input)
-
- ########## cfg
- generation_input_cfg = model.prepare_vae_latent_cfg(
- curr_kvlens=newlens,
- curr_rope=new_rope,
- image_sizes=[(h, w)],
- )
- generation_input_cfg = move_generation_input_to_device(generation_input_cfg, device)
- ########## cfg
-
- generation_input, newlens, new_rope = model.prepare_prompts(
- curr_kvlens=newlens,
- curr_rope=new_rope,
- prompts=[prompt],
- tokenizer=tokenizer,
- new_token_ids=new_token_ids,
- )
- generation_input = move_generation_input_to_device(generation_input, device)
- with torch.amp.autocast("cuda", enabled=True, dtype=torch.bfloat16):
- past_key_values = model.forward_cache_update_text(past_key_values, **generation_input)
-
- ########## think
- tmp_past_key_values = copy.deepcopy(past_key_values)
- tmp_newlens = copy.deepcopy(newlens)
- tmp_new_rope = copy.deepcopy(new_rope)
- tmp_generation_input, tmp_newlens, tmp_new_rope = model.prepare_prompts(
- curr_kvlens=tmp_newlens,
- curr_rope=tmp_new_rope,
- prompts=[prompt],
- tokenizer=tokenizer,
- new_token_ids=new_token_ids,
- )
- tmp_generation_input = move_generation_input_to_device(tmp_generation_input, device)
- with torch.amp.autocast("cuda", enabled=True, dtype=torch.bfloat16):
- tmp_past_key_values = model.forward_cache_update_text(tmp_past_key_values, **tmp_generation_input)
-
- tmp_generation_input = model.prepare_start_tokens(tmp_newlens, tmp_new_rope, new_token_ids)
- tmp_generation_input = move_generation_input_to_device(tmp_generation_input, device)
- with torch.amp.autocast("cuda", enabled=True, dtype=torch.bfloat16):
- unpacked_latent = model.generate_text(
- past_key_values=tmp_past_key_values,
- max_length=max_length,
- do_sample=True,
- temperature=0.3,
- end_token_id=new_token_ids['eos_token_id'],
- **tmp_generation_input,
- )
- output = tokenizer.decode(unpacked_latent[:,0])
- think_output = output.split('<|im_end|>')[0].split('<|im_start|>')[1]
-
- print("="*30, "original think", "="*30)
- print(think_output)
- if simple_think:
- think_output_list = think_output.split("")
- if think_output_list[1] != "":
- think_output = think_output_list[1].strip()
- print("="*30, "processed think", "="*30)
- print(think_output)
- ########## think
-
- generation_input, newlens, new_rope = model.prepare_prompts(
- curr_kvlens=newlens,
- curr_rope=new_rope,
- prompts=[think_output],
- tokenizer=tokenizer,
- new_token_ids=new_token_ids,
- )
- generation_input = move_generation_input_to_device(generation_input, device)
- with torch.amp.autocast("cuda", enabled=True, dtype=torch.bfloat16):
- past_key_values = model.forward_cache_update_text(past_key_values, **generation_input)
-
- generation_input = model.prepare_vae_latent(
- curr_kvlens=newlens,
- curr_rope=new_rope,
- image_sizes=[(h, w)],
- new_token_ids=new_token_ids,
- )
- generation_input = move_generation_input_to_device(generation_input, device)
-
- ########## generate image
- with torch.amp.autocast("cuda", enabled=True, dtype=torch.bfloat16):
- unpacked_latent = model.generate_image(
- past_key_values=past_key_values,
- num_timesteps=num_timesteps,
- cfg_text_scale=cfg_scale,
- cfg_interval=cfg_interval,
- timestep_shift=timestep_shift,
- cfg_renorm_min=cfg_renorm_min,
- cfg_renorm_type="global",
- cfg_text_past_key_values=None,
- cfg_text_packed_position_ids=generation_input_cfg["cfg_packed_position_ids"],
- cfg_text_key_values_lens=generation_input_cfg["cfg_key_values_lens"],
- cfg_text_packed_query_indexes=generation_input_cfg["cfg_packed_query_indexes"],
- cfg_text_packed_key_value_indexes=generation_input_cfg["cfg_packed_key_value_indexes"],
- **generation_input,
- )
-
- latent0 = unpacked_latent[0]
- latent0 = latent0.reshape(1, h//16, w//16, 2, 2, 16)
- latent0 = torch.einsum("nhwpqc->nchpwq", latent0)
- latent0 = latent0.reshape(1, 16, h//8, w//8)
- image = vae_model.decode(latent0.to(device))
- tmpimage = ((image * 0.5 + 0.5).clamp(0, 1)[0].permute(1, 2, 0) * 255).to(torch.uint8).cpu().numpy()
- tmpimage = Image.fromarray(tmpimage)
-
- return tmpimage, think_output
-
-
-def generate_image(prompt, num_timesteps=50, cfg_scale=4.0, cfg_interval=[0, 1.0], cfg_renorm_min=0., timestep_shift=1.0, resolution=1024, device=None):
- past_key_values = NaiveCache(gen_model.config.llm_config.num_hidden_layers)
- newlens = [0]
- new_rope = [0]
-
- generation_input, newlens, new_rope = gen_model.prepare_prompts(
- curr_kvlens=newlens,
- curr_rope=new_rope,
- prompts=[prompt],
- tokenizer=tokenizer,
- new_token_ids=new_token_ids,
- )
- generation_input = move_generation_input_to_device(generation_input, device)
-
- with torch.no_grad():
- with torch.amp.autocast("cuda", enabled=True, dtype=torch.float16):
- past_key_values = gen_model.forward_cache_update_text(past_key_values, **generation_input)
-
- generation_input = gen_model.prepare_vae_latent(
- curr_kvlens=newlens,
- curr_rope=new_rope,
- image_sizes=[(resolution, resolution)],
- new_token_ids=new_token_ids,
- )
- generation_input = move_generation_input_to_device(generation_input, device)
-
- cfg_past_key_values = NaiveCache(gen_model.config.llm_config.num_hidden_layers)
- cfg_newlens = [0]
- cfg_new_rope = [0]
-
- generation_input_cfg = model.prepare_vae_latent_cfg(
- curr_kvlens=cfg_newlens,
- curr_rope=cfg_new_rope,
- image_sizes=[(resolution, resolution)],
- )
- generation_input_cfg = move_generation_input_to_device(generation_input_cfg, device)
- with torch.no_grad():
- with torch.amp.autocast("cuda", enabled=True, dtype=torch.bfloat16):
- unpacked_latent = gen_model.generate_image(
- past_key_values=past_key_values,
- num_timesteps=num_timesteps,
- cfg_text_scale=cfg_scale,
- cfg_interval=cfg_interval,
- cfg_renorm_min=cfg_renorm_min,
- timestep_shift=timestep_shift,
- cfg_text_past_key_values=cfg_past_key_values,
- cfg_text_packed_position_ids=generation_input_cfg["cfg_packed_position_ids"],
- cfg_text_key_values_lens=generation_input_cfg["cfg_key_values_lens"],
- cfg_text_packed_query_indexes=generation_input_cfg["cfg_packed_query_indexes"],
- cfg_text_packed_key_value_indexes=generation_input_cfg["cfg_packed_key_value_indexes"],
- **generation_input,
- )
-
- latent = unpacked_latent[0]
- latent = latent.reshape(1, resolution//16, resolution//16, 2, 2, 16)
- latent = torch.einsum("nhwpqc->nchpwq", latent)
- latent = latent.reshape(1, 16, resolution//8, resolution//8)
- image = vae_model.decode(latent.to(device))
- tmpimage = ((image * 0.5 + 0.5).clamp(0, 1)[0].permute(1, 2, 0) * 255).to(torch.uint8).cpu().numpy()
- tmpimage = Image.fromarray(tmpimage)
-
- return tmpimage
-
-
-if __name__ == "__main__":
- parser = argparse.ArgumentParser(description="Generate images using Bagel model.")
- parser.add_argument("--output_dir", type=str, required=True, help="Directory to save the generated images.")
- parser.add_argument("--metadata_file", type=str, required=True, help="JSON file containing lines of metadata for each prompt.")
- parser.add_argument("--cfg_scale", type=float, default=4)
- parser.add_argument("--resolution", type=int, default=1024)
- parser.add_argument("--max_latent_size", type=int, default=64)
- parser.add_argument("--think", action="store_true")
- parser.add_argument('--model-path', type=str, default='hf/BAGEL-7B-MoT/')
- args = parser.parse_args()
-
- seed = 42
- if seed is not None:
- import random
- import numpy as np
- random.seed(seed)
- np.random.seed(seed)
- torch.manual_seed(seed)
- if torch.cuda.is_available():
- torch.cuda.manual_seed(seed)
- torch.cuda.manual_seed_all(seed)
- torch.backends.cudnn.deterministic = True
- torch.backends.cudnn.benchmark = False
-
- setup_distributed()
- rank = dist.get_rank()
- world_size = dist.get_world_size()
- device = f"cuda:{rank}"
-
- output_dir = args.output_dir
- os.makedirs(output_dir, exist_ok=True)
- if rank == 0:
- print(f"Output images are saved in {output_dir}")
-
- llm_config = Qwen2Config.from_json_file(os.path.join(args.model_path, "llm_config.json"))
- llm_config.qk_norm = True
- llm_config.tie_word_embeddings = False
- llm_config.layer_module = "Qwen2MoTDecoderLayer"
-
- vit_config = SiglipVisionConfig.from_json_file(os.path.join(args.model_path, "vit_config.json"))
- vit_config.rope = False
- vit_config.num_hidden_layers = vit_config.num_hidden_layers - 1
-
- vae_model, vae_config = load_ae(local_path=os.path.join(args.model_path, "ae.safetensors"))
-
- config = BagelConfig(
- visual_gen=True,
- visual_und=True,
- llm_config=llm_config,
- vit_config=vit_config,
- vae_config=vae_config,
- vit_max_num_patch_per_side=70,
- connector_act='gelu_pytorch_tanh',
- latent_patch_size=2,
- max_latent_size=args.max_latent_size,
- )
- language_model = Qwen2ForCausalLM(llm_config)
- vit_model = SiglipVisionModel(vit_config)
- model = Bagel(language_model, vit_model, config)
- model.vit_model.vision_model.embeddings.convert_conv2d_to_linear(vit_config)
-
- tokenizer = Qwen2Tokenizer.from_pretrained(args.model_path)
- tokenizer, new_token_ids, _ = add_special_tokens(tokenizer)
-
- model_state_dict_path = os.path.join(args.model_path, "ema.safetensors")
- model_state_dict = load_file(model_state_dict_path, device="cpu")
- msg = model.load_state_dict(model_state_dict, strict=False)
- if rank == 0:
- print(msg)
-
- del model_state_dict
- model = model.to(device).eval()
- vae_model = vae_model.to(device).eval()
- gen_model = model
-
- cfg_scale = args.cfg_scale
- cfg_interval = [0.4, 1.0]
- timestep_shift = 3.0
- num_timesteps = 50
- cfg_renorm_min = 0.0
-
- with open(args.metadata_file, "r") as f:
- metadatas = json.load(f)
- total_metadatas = len(metadatas)
-
- prompts_per_gpu = (total_metadatas + world_size - 1) // world_size
- start = rank * prompts_per_gpu
- end = min(start + prompts_per_gpu, total_metadatas)
- print(f"GPU {rank}: Processing {end - start} prompts (indices {start} to {end - 1})")
-
- for idx in range(start, end):
- metadata = metadatas[idx]
- prompt = metadata['Prompt']
- prompt_id = metadata['prompt_id']
- outpath = os.path.join(output_dir, f"{prompt_id}.png")
- print(f"GPU {rank} processing prompt {idx - start + 1}/{end - start}: '{prompt}'")
-
- if os.path.exists(outpath):
- print(f"GPU {rank} skipping generation for prompt: {prompt}")
- continue
-
- if args.think:
- tmpimage, think_output = generate_image_with_think(
- prompt=prompt,
- cfg_scale=cfg_scale,
- cfg_interval=cfg_interval,
- cfg_renorm_min=cfg_renorm_min,
- timestep_shift=timestep_shift,
- num_timesteps=num_timesteps,
- resolution=args.resolution,
- max_length=2048,
- simple_think=False,
- device=device,
- )
- with open(outpath.replace(".png", ".txt"), "w") as f:
- f.write(think_output)
- else:
- tmpimage = generate_image(
- prompt=prompt,
- cfg_scale=cfg_scale,
- cfg_interval=cfg_interval,
- cfg_renorm_min=cfg_renorm_min,
- timestep_shift=timestep_shift,
- num_timesteps=num_timesteps,
- resolution=args.resolution,
- device=device,
- )
-
- tmpimage = tmpimage.crop(tmpimage.getbbox())
- tmpimage.save(outpath)
-
- print(f"GPU {rank} has completed all tasks")
- dist.barrier()
diff --git a/eval/gen/geneval/evaluation/download_models.sh b/eval/gen/geneval/evaluation/download_models.sh
deleted file mode 100644
index 4533ff8f3a08493c974395e71c3f987fd870eb20..0000000000000000000000000000000000000000
--- a/eval/gen/geneval/evaluation/download_models.sh
+++ /dev/null
@@ -1,20 +0,0 @@
-# Copyright (c) 2023 Dhruba Ghosh
-# Copyright (c) 2025 Bytedance Ltd. and/or its affiliates.
-# SPDX-License-Identifier: MIT
-#
-# This file has been modified by ByteDance Ltd. and/or its affiliates. on 2025-05-20.
-#
-# Original file was released under MIT, with the full license text
-# available at https://github.com/djghosh13/geneval/blob/main/LICENSE.
-#
-# This modified file is released under the same license.
-
-#!/bin/bash
-
-# Download Mask2Former object detection config and weights
-
-if [ ! -z "$1" ]
-then
- mkdir -p "$1"
- wget https://download.openmmlab.com/mmdetection/v2.0/mask2former/mask2former_swin-s-p4-w7-224_lsj_8x2_50e_coco/mask2former_swin-s-p4-w7-224_lsj_8x2_50e_coco_20220504_001756-743b7d99.pth -O "$1/mask2former_swin-s-p4-w7-224_lsj_8x2_50e_coco.pth"
-fi
diff --git a/eval/gen/geneval/evaluation/evaluate_images.py b/eval/gen/geneval/evaluation/evaluate_images.py
deleted file mode 100644
index 5162b6a11e4669217456253f5caa4df70f0eebf2..0000000000000000000000000000000000000000
--- a/eval/gen/geneval/evaluation/evaluate_images.py
+++ /dev/null
@@ -1,304 +0,0 @@
-# Copyright (c) 2023 Dhruba Ghosh
-# Copyright (c) 2025 Bytedance Ltd. and/or its affiliates.
-# SPDX-License-Identifier: MIT
-#
-# This file has been modified by ByteDance Ltd. and/or its affiliates. on 2025-05-20.
-#
-# Original file was released under MIT, with the full license text
-# available at https://github.com/djghosh13/geneval/blob/main/LICENSE.
-#
-# This modified file is released under the same license.
-
-"""
-Evaluate generated images using Mask2Former (or other object detector model)
-"""
-
-import argparse
-import json
-import os
-import re
-import sys
-import time
-from tqdm import tqdm
-
-import warnings
-warnings.filterwarnings("ignore")
-
-import numpy as np
-import pandas as pd
-from PIL import Image, ImageOps
-import torch
-import mmdet
-from mmdet.apis import inference_detector, init_detector
-
-import open_clip
-from clip_benchmark.metrics import zeroshot_classification as zsc
-zsc.tqdm = lambda it, *args, **kwargs: it
-
-# Get directory path
-
-def parse_args():
- parser = argparse.ArgumentParser()
- parser.add_argument("imagedir", type=str)
- parser.add_argument("--outfile", type=str, default="results.jsonl")
- parser.add_argument("--model-config", type=str, default=None)
- parser.add_argument("--model-path", type=str, default="./")
- # Other arguments
- parser.add_argument("--options", nargs="*", type=str, default=[])
- args = parser.parse_args()
- args.options = dict(opt.split("=", 1) for opt in args.options)
- if args.model_config is None:
- args.model_config = os.path.join(
- os.path.dirname(mmdet.__file__),
- "../configs/mask2former/mask2former_swin-s-p4-w7-224_lsj_8x2_50e_coco.py"
- )
- return args
-
-DEVICE = "cuda" if torch.cuda.is_available() else "cpu"
-assert DEVICE == "cuda"
-
-def timed(fn):
- def wrapper(*args, **kwargs):
- startt = time.time()
- result = fn(*args, **kwargs)
- endt = time.time()
- print(f'Function {fn.__name__!r} executed in {endt - startt:.3f}s', file=sys.stderr)
- return result
- return wrapper
-
-# Load models
-
-@timed
-def load_models(args):
- CONFIG_PATH = args.model_config
- OBJECT_DETECTOR = args.options.get('model', "mask2former_swin-s-p4-w7-224_lsj_8x2_50e_coco")
- CKPT_PATH = os.path.join(args.model_path, f"{OBJECT_DETECTOR}.pth")
- object_detector = init_detector(CONFIG_PATH, CKPT_PATH, device=DEVICE)
-
- clip_arch = args.options.get('clip_model', "ViT-L-14")
- clip_model, _, transform = open_clip.create_model_and_transforms(clip_arch, pretrained="openai", device=DEVICE)
- tokenizer = open_clip.get_tokenizer(clip_arch)
-
- with open(os.path.join(os.path.dirname(__file__), "object_names.txt")) as cls_file:
- classnames = [line.strip() for line in cls_file]
-
- return object_detector, (clip_model, transform, tokenizer), classnames
-
-
-COLORS = ["red", "orange", "yellow", "green", "blue", "purple", "pink", "brown", "black", "white"]
-COLOR_CLASSIFIERS = {}
-
-# Evaluation parts
-
-class ImageCrops(torch.utils.data.Dataset):
- def __init__(self, image: Image.Image, objects):
- self._image = image.convert("RGB")
- bgcolor = args.options.get('bgcolor', "#999")
- if bgcolor == "original":
- self._blank = self._image.copy()
- else:
- self._blank = Image.new("RGB", image.size, color=bgcolor)
- self._objects = objects
-
- def __len__(self):
- return len(self._objects)
-
- def __getitem__(self, index):
- box, mask = self._objects[index]
- if mask is not None:
- assert tuple(self._image.size[::-1]) == tuple(mask.shape), (index, self._image.size[::-1], mask.shape)
- image = Image.composite(self._image, self._blank, Image.fromarray(mask))
- else:
- image = self._image
- if args.options.get('crop', '1') == '1':
- image = image.crop(box[:4])
- # if args.save:
- # base_count = len(os.listdir(args.save))
- # image.save(os.path.join(args.save, f"cropped_{base_count:05}.png"))
- return (transform(image), 0)
-
-
-def color_classification(image, bboxes, classname):
- if classname not in COLOR_CLASSIFIERS:
- COLOR_CLASSIFIERS[classname] = zsc.zero_shot_classifier(
- clip_model, tokenizer, COLORS,
- [
- f"a photo of a {{c}} {classname}",
- f"a photo of a {{c}}-colored {classname}",
- f"a photo of a {{c}} object"
- ],
- DEVICE
- )
- clf = COLOR_CLASSIFIERS[classname]
- dataloader = torch.utils.data.DataLoader(
- ImageCrops(image, bboxes),
- batch_size=16, num_workers=4
- )
- with torch.no_grad():
- pred, _ = zsc.run_classification(clip_model, clf, dataloader, DEVICE)
- return [COLORS[index.item()] for index in pred.argmax(1)]
-
-
-def compute_iou(box_a, box_b):
- area_fn = lambda box: max(box[2] - box[0] + 1, 0) * max(box[3] - box[1] + 1, 0)
- i_area = area_fn([
- max(box_a[0], box_b[0]), max(box_a[1], box_b[1]),
- min(box_a[2], box_b[2]), min(box_a[3], box_b[3])
- ])
- u_area = area_fn(box_a) + area_fn(box_b) - i_area
- return i_area / u_area if u_area else 0
-
-
-def relative_position(obj_a, obj_b):
- """Give position of A relative to B, factoring in object dimensions"""
- boxes = np.array([obj_a[0], obj_b[0]])[:, :4].reshape(2, 2, 2)
- center_a, center_b = boxes.mean(axis=-2)
- dim_a, dim_b = np.abs(np.diff(boxes, axis=-2))[..., 0, :]
- offset = center_a - center_b
- #
- revised_offset = np.maximum(np.abs(offset) - POSITION_THRESHOLD * (dim_a + dim_b), 0) * np.sign(offset)
- if np.all(np.abs(revised_offset) < 1e-3):
- return set()
- #
- dx, dy = revised_offset / np.linalg.norm(offset)
- relations = set()
- if dx < -0.5: relations.add("left of")
- if dx > 0.5: relations.add("right of")
- if dy < -0.5: relations.add("above")
- if dy > 0.5: relations.add("below")
- return relations
-
-
-def evaluate(image, objects, metadata):
- """
- Evaluate given image using detected objects on the global metadata specifications.
- Assumptions:
- * Metadata combines 'include' clauses with AND, and 'exclude' clauses with OR
- * All clauses are independent, i.e., duplicating a clause has no effect on the correctness
- * CHANGED: Color and position will only be evaluated on the most confidently predicted objects;
- therefore, objects are expected to appear in sorted order
- """
- correct = True
- reason = []
- matched_groups = []
- # Check for expected objects
- for req in metadata.get('include', []):
- classname = req['class']
- matched = True
- found_objects = objects.get(classname, [])[:req['count']]
- if len(found_objects) < req['count']:
- correct = matched = False
- reason.append(f"expected {classname}>={req['count']}, found {len(found_objects)}")
- else:
- if 'color' in req:
- # Color check
- colors = color_classification(image, found_objects, classname)
- if colors.count(req['color']) < req['count']:
- correct = matched = False
- reason.append(
- f"expected {req['color']} {classname}>={req['count']}, found " +
- f"{colors.count(req['color'])} {req['color']}; and " +
- ", ".join(f"{colors.count(c)} {c}" for c in COLORS if c in colors)
- )
- if 'position' in req and matched:
- # Relative position check
- expected_rel, target_group = req['position']
- if matched_groups[target_group] is None:
- correct = matched = False
- reason.append(f"no target for {classname} to be {expected_rel}")
- else:
- for obj in found_objects:
- for target_obj in matched_groups[target_group]:
- true_rels = relative_position(obj, target_obj)
- if expected_rel not in true_rels:
- correct = matched = False
- reason.append(
- f"expected {classname} {expected_rel} target, found " +
- f"{' and '.join(true_rels)} target"
- )
- break
- if not matched:
- break
- if matched:
- matched_groups.append(found_objects)
- else:
- matched_groups.append(None)
- # Check for non-expected objects
- for req in metadata.get('exclude', []):
- classname = req['class']
- if len(objects.get(classname, [])) >= req['count']:
- correct = False
- reason.append(f"expected {classname}<{req['count']}, found {len(objects[classname])}")
- return correct, "\n".join(reason)
-
-
-def evaluate_image(filepath, metadata):
- result = inference_detector(object_detector, filepath)
- bbox = result[0] if isinstance(result, tuple) else result
- segm = result[1] if isinstance(result, tuple) and len(result) > 1 else None
- image = ImageOps.exif_transpose(Image.open(filepath))
- detected = {}
- # Determine bounding boxes to keep
- confidence_threshold = THRESHOLD if metadata['tag'] != "counting" else COUNTING_THRESHOLD
- for index, classname in enumerate(classnames):
- ordering = np.argsort(bbox[index][:, 4])[::-1]
- ordering = ordering[bbox[index][ordering, 4] > confidence_threshold] # Threshold
- ordering = ordering[:MAX_OBJECTS].tolist() # Limit number of detected objects per class
- detected[classname] = []
- while ordering:
- max_obj = ordering.pop(0)
- detected[classname].append((bbox[index][max_obj], None if segm is None else segm[index][max_obj]))
- ordering = [
- obj for obj in ordering
- if NMS_THRESHOLD == 1 or compute_iou(bbox[index][max_obj], bbox[index][obj]) < NMS_THRESHOLD
- ]
- if not detected[classname]:
- del detected[classname]
- # Evaluate
- is_correct, reason = evaluate(image, detected, metadata)
- return {
- 'filename': filepath,
- 'tag': metadata['tag'],
- 'prompt': metadata['prompt'],
- 'correct': is_correct,
- 'reason': reason,
- 'metadata': json.dumps(metadata),
- 'details': json.dumps({
- key: [box.tolist() for box, _ in value]
- for key, value in detected.items()
- })
- }
-
-
-def main(args):
- full_results = []
- for subfolder in tqdm(os.listdir(args.imagedir)):
- folderpath = os.path.join(args.imagedir, subfolder)
- if not os.path.isdir(folderpath) or not subfolder.isdigit():
- continue
- with open(os.path.join(folderpath, "metadata.jsonl")) as fp:
- metadata = json.load(fp)
- # Evaluate each image
- for imagename in os.listdir(os.path.join(folderpath, "samples")):
- imagepath = os.path.join(folderpath, "samples", imagename)
- if not os.path.isfile(imagepath) or not re.match(r"\d+\.png", imagename):
- continue
- result = evaluate_image(imagepath, metadata)
- full_results.append(result)
- # Save results
- if os.path.dirname(args.outfile):
- os.makedirs(os.path.dirname(args.outfile), exist_ok=True)
- with open(args.outfile, "w") as fp:
- pd.DataFrame(full_results).to_json(fp, orient="records", lines=True)
-
-
-if __name__ == "__main__":
- args = parse_args()
- object_detector, (clip_model, transform, tokenizer), classnames = load_models(args)
- THRESHOLD = float(args.options.get('threshold', 0.3))
- COUNTING_THRESHOLD = float(args.options.get('counting_threshold', 0.9))
- MAX_OBJECTS = int(args.options.get('max_objects', 16))
- NMS_THRESHOLD = float(args.options.get('max_overlap', 1.0))
- POSITION_THRESHOLD = float(args.options.get('position_threshold', 0.1))
-
- main(args)
diff --git a/eval/gen/geneval/evaluation/evaluate_images_mp.py b/eval/gen/geneval/evaluation/evaluate_images_mp.py
deleted file mode 100644
index 1d71b521ca0361a6a84d3c72509a35c380e5fec0..0000000000000000000000000000000000000000
--- a/eval/gen/geneval/evaluation/evaluate_images_mp.py
+++ /dev/null
@@ -1,332 +0,0 @@
-# Copyright (c) 2023 Dhruba Ghosh
-# Copyright (c) 2025 Bytedance Ltd. and/or its affiliates.
-# SPDX-License-Identifier: MIT
-#
-# This file has been modified by ByteDance Ltd. and/or its affiliates. on 2025-05-20.
-#
-# Original file was released under MIT, with the full license text
-# available at https://github.com/djghosh13/geneval/blob/main/LICENSE.
-#
-# This modified file is released under the same license.
-
-import argparse
-import json
-import os
-import re
-import sys
-import time
-from tqdm import tqdm
-
-import warnings
-warnings.filterwarnings("ignore")
-
-import numpy as np
-import pandas as pd
-from PIL import Image, ImageOps
-import torch
-import torch.distributed as dist
-import mmdet
-from mmdet.apis import inference_detector, init_detector
-
-import open_clip
-from clip_benchmark.metrics import zeroshot_classification as zsc
-zsc.tqdm = lambda it, *args, **kwargs: it
-
-
-def setup_distributed():
- """初始化分布式环境"""
- dist.init_process_group(backend="nccl")
- torch.cuda.set_device(int(os.environ["LOCAL_RANK"]))
-
-
-# Get directory path
-
-def parse_args():
- parser = argparse.ArgumentParser()
- parser.add_argument("imagedir", type=str)
- parser.add_argument("--outfile", type=str, default="results.jsonl")
- parser.add_argument("--model-config", type=str, default=None)
- parser.add_argument("--model-path", type=str, default="./")
- # Other arguments
- parser.add_argument("--options", nargs="*", type=str, default=[])
- args = parser.parse_args()
- args.options = dict(opt.split("=", 1) for opt in args.options)
- if args.model_config is None:
- args.model_config = os.path.join(
- os.path.dirname(mmdet.__file__),
- "../configs/mask2former/mask2former_swin-s-p4-w7-224_lsj_8x2_50e_coco.py"
- )
- return args
-
-DEVICE = "cuda" if torch.cuda.is_available() else "cpu"
-assert DEVICE == "cuda"
-
-def timed(fn):
- def wrapper(*args, **kwargs):
- startt = time.time()
- result = fn(*args, **kwargs)
- endt = time.time()
- print(f'Function {fn.__name__!r} executed in {endt - startt:.3f}s', file=sys.stderr)
- return result
- return wrapper
-
-# Load models
-
-@timed
-def load_models(args):
- CONFIG_PATH = args.model_config
- OBJECT_DETECTOR = args.options.get('model', "mask2former_swin-s-p4-w7-224_lsj_8x2_50e_coco")
- CKPT_PATH = os.path.join(args.model_path, f"{OBJECT_DETECTOR}.pth")
- object_detector = init_detector(CONFIG_PATH, CKPT_PATH, device=DEVICE)
-
- clip_arch = args.options.get('clip_model', "ViT-L-14")
- clip_model, _, transform = open_clip.create_model_and_transforms(clip_arch, pretrained="openai", device=DEVICE)
- tokenizer = open_clip.get_tokenizer(clip_arch)
-
- with open(os.path.join(os.path.dirname(__file__), "object_names.txt")) as cls_file:
- classnames = [line.strip() for line in cls_file]
-
- return object_detector, (clip_model, transform, tokenizer), classnames
-
-
-COLORS = ["red", "orange", "yellow", "green", "blue", "purple", "pink", "brown", "black", "white"]
-COLOR_CLASSIFIERS = {}
-
-# Evaluation parts
-
-class ImageCrops(torch.utils.data.Dataset):
- def __init__(self, image: Image.Image, objects):
- self._image = image.convert("RGB")
- bgcolor = args.options.get('bgcolor', "#999")
- if bgcolor == "original":
- self._blank = self._image.copy()
- else:
- self._blank = Image.new("RGB", image.size, color=bgcolor)
- self._objects = objects
-
- def __len__(self):
- return len(self._objects)
-
- def __getitem__(self, index):
- box, mask = self._objects[index]
- if mask is not None:
- assert tuple(self._image.size[::-1]) == tuple(mask.shape), (index, self._image.size[::-1], mask.shape)
- image = Image.composite(self._image, self._blank, Image.fromarray(mask))
- else:
- image = self._image
- if args.options.get('crop', '1') == '1':
- image = image.crop(box[:4])
- # if args.save:
- # base_count = len(os.listdir(args.save))
- # image.save(os.path.join(args.save, f"cropped_{base_count:05}.png"))
- return (transform(image), 0)
-
-
-def color_classification(image, bboxes, classname):
- if classname not in COLOR_CLASSIFIERS:
- COLOR_CLASSIFIERS[classname] = zsc.zero_shot_classifier(
- clip_model, tokenizer, COLORS,
- [
- f"a photo of a {{c}} {classname}",
- f"a photo of a {{c}}-colored {classname}",
- f"a photo of a {{c}} object"
- ],
- DEVICE
- )
- clf = COLOR_CLASSIFIERS[classname]
- dataloader = torch.utils.data.DataLoader(
- ImageCrops(image, bboxes),
- batch_size=16, num_workers=4
- )
- with torch.no_grad():
- pred, _ = zsc.run_classification(clip_model, clf, dataloader, DEVICE)
- return [COLORS[index.item()] for index in pred.argmax(1)]
-
-
-def compute_iou(box_a, box_b):
- area_fn = lambda box: max(box[2] - box[0] + 1, 0) * max(box[3] - box[1] + 1, 0)
- i_area = area_fn([
- max(box_a[0], box_b[0]), max(box_a[1], box_b[1]),
- min(box_a[2], box_b[2]), min(box_a[3], box_b[3])
- ])
- u_area = area_fn(box_a) + area_fn(box_b) - i_area
- return i_area / u_area if u_area else 0
-
-
-def relative_position(obj_a, obj_b):
- """Give position of A relative to B, factoring in object dimensions"""
- boxes = np.array([obj_a[0], obj_b[0]])[:, :4].reshape(2, 2, 2)
- center_a, center_b = boxes.mean(axis=-2)
- dim_a, dim_b = np.abs(np.diff(boxes, axis=-2))[..., 0, :]
- offset = center_a - center_b
- #
- revised_offset = np.maximum(np.abs(offset) - POSITION_THRESHOLD * (dim_a + dim_b), 0) * np.sign(offset)
- if np.all(np.abs(revised_offset) < 1e-3):
- return set()
- #
- dx, dy = revised_offset / np.linalg.norm(offset)
- relations = set()
- if dx < -0.5: relations.add("left of")
- if dx > 0.5: relations.add("right of")
- if dy < -0.5: relations.add("above")
- if dy > 0.5: relations.add("below")
- return relations
-
-
-def evaluate(image, objects, metadata):
- """
- Evaluate given image using detected objects on the global metadata specifications.
- Assumptions:
- * Metadata combines 'include' clauses with AND, and 'exclude' clauses with OR
- * All clauses are independent, i.e., duplicating a clause has no effect on the correctness
- * CHANGED: Color and position will only be evaluated on the most confidently predicted objects;
- therefore, objects are expected to appear in sorted order
- """
- correct = True
- reason = []
- matched_groups = []
- # Check for expected objects
- for req in metadata.get('include', []):
- classname = req['class']
- matched = True
- found_objects = objects.get(classname, [])[:req['count']]
- if len(found_objects) < req['count']:
- correct = matched = False
- reason.append(f"expected {classname}>={req['count']}, found {len(found_objects)}")
- else:
- if 'color' in req:
- # Color check
- colors = color_classification(image, found_objects, classname)
- if colors.count(req['color']) < req['count']:
- correct = matched = False
- reason.append(
- f"expected {req['color']} {classname}>={req['count']}, found " +
- f"{colors.count(req['color'])} {req['color']}; and " +
- ", ".join(f"{colors.count(c)} {c}" for c in COLORS if c in colors)
- )
- if 'position' in req and matched:
- # Relative position check
- expected_rel, target_group = req['position']
- if matched_groups[target_group] is None:
- correct = matched = False
- reason.append(f"no target for {classname} to be {expected_rel}")
- else:
- for obj in found_objects:
- for target_obj in matched_groups[target_group]:
- true_rels = relative_position(obj, target_obj)
- if expected_rel not in true_rels:
- correct = matched = False
- reason.append(
- f"expected {classname} {expected_rel} target, found " +
- f"{' and '.join(true_rels)} target"
- )
- break
- if not matched:
- break
- if matched:
- matched_groups.append(found_objects)
- else:
- matched_groups.append(None)
- # Check for non-expected objects
- for req in metadata.get('exclude', []):
- classname = req['class']
- if len(objects.get(classname, [])) >= req['count']:
- correct = False
- reason.append(f"expected {classname}<{req['count']}, found {len(objects[classname])}")
- return correct, "\n".join(reason)
-
-
-def evaluate_image(filepath, metadata):
- result = inference_detector(object_detector, filepath)
- bbox = result[0] if isinstance(result, tuple) else result
- segm = result[1] if isinstance(result, tuple) and len(result) > 1 else None
- image = ImageOps.exif_transpose(Image.open(filepath))
- detected = {}
- # Determine bounding boxes to keep
- confidence_threshold = THRESHOLD if metadata['tag'] != "counting" else COUNTING_THRESHOLD
- for index, classname in enumerate(classnames):
- ordering = np.argsort(bbox[index][:, 4])[::-1]
- ordering = ordering[bbox[index][ordering, 4] > confidence_threshold] # Threshold
- ordering = ordering[:MAX_OBJECTS].tolist() # Limit number of detected objects per class
- detected[classname] = []
- while ordering:
- max_obj = ordering.pop(0)
- detected[classname].append((bbox[index][max_obj], None if segm is None else segm[index][max_obj]))
- ordering = [
- obj for obj in ordering
- if NMS_THRESHOLD == 1 or compute_iou(bbox[index][max_obj], bbox[index][obj]) < NMS_THRESHOLD
- ]
- if not detected[classname]:
- del detected[classname]
- # Evaluate
- is_correct, reason = evaluate(image, detected, metadata)
- return {
- 'filename': filepath,
- 'tag': metadata['tag'],
- 'prompt': metadata['prompt'],
- 'correct': is_correct,
- 'reason': reason,
- 'metadata': json.dumps(metadata),
- 'details': json.dumps({
- key: [box.tolist() for box, _ in value]
- for key, value in detected.items()
- })
- }
-
-
-if __name__ == "__main__":
- args = parse_args()
- THRESHOLD = float(args.options.get('threshold', 0.3))
- COUNTING_THRESHOLD = float(args.options.get('counting_threshold', 0.9))
- MAX_OBJECTS = int(args.options.get('max_objects', 16))
- NMS_THRESHOLD = float(args.options.get('max_overlap', 1.0))
- POSITION_THRESHOLD = float(args.options.get('position_threshold', 0.1))
-
- # Initialize distributed environment
- setup_distributed()
- rank = dist.get_rank()
- world_size = dist.get_world_size()
- device = f"cuda:{rank}"
-
- # Load models
- if rank == 0:
- print(f"[Rank 0] Loading model...")
- object_detector, (clip_model, transform, tokenizer), classnames = load_models(args)
-
- full_results = []
- subfolders = [f for f in os.listdir(args.imagedir) if os.path.isdir(os.path.join(args.imagedir, f)) and f.isdigit()]
- total_subfolders = len(subfolders)
- # Divide subfolders to process by GPU
- subfolders_per_gpu = (total_subfolders + world_size - 1) // world_size
- start = rank * subfolders_per_gpu
- end = min(start + subfolders_per_gpu, total_subfolders)
- print(f"GPU {rank}: Processing {end - start} subfolders (index {start} to {end - 1})")
-
- for subfolder in tqdm(subfolders[start:end]):
- folderpath = os.path.join(args.imagedir, subfolder)
- with open(os.path.join(folderpath, "metadata.jsonl")) as fp:
- metadata = json.load(fp)
- # Evaluate each image
- for imagename in os.listdir(os.path.join(folderpath, "samples")):
- imagepath = os.path.join(folderpath, "samples", imagename)
- if not os.path.isfile(imagepath) or not re.match(r"\d+\.png", imagename):
- continue
- result = evaluate_image(imagepath, metadata)
- full_results.append(result)
-
- # Synchronize results from all GPUs
- all_results = [None] * world_size
- dist.all_gather_object(all_results, full_results)
- if rank == 0:
- # Merge results from all GPUs
- final_results = []
- for results in all_results:
- final_results.extend(results)
- # Save results
- if os.path.dirname(args.outfile):
- os.makedirs(os.path.dirname(args.outfile), exist_ok=True)
- with open(args.outfile, "w") as fp:
- pd.DataFrame(final_results).to_json(fp, orient="records", lines=True)
- print("All GPUs have completed their tasks and the final results have been saved.")
- else:
- print(f"GPU {rank} has completed all tasks")
diff --git a/eval/gen/geneval/evaluation/object_names.txt b/eval/gen/geneval/evaluation/object_names.txt
deleted file mode 100644
index f4822dd01d0d1d2598d5e0190c121204e55925f1..0000000000000000000000000000000000000000
--- a/eval/gen/geneval/evaluation/object_names.txt
+++ /dev/null
@@ -1,80 +0,0 @@
-person
-bicycle
-car
-motorcycle
-airplane
-bus
-train
-truck
-boat
-traffic light
-fire hydrant
-stop sign
-parking meter
-bench
-bird
-cat
-dog
-horse
-sheep
-cow
-elephant
-bear
-zebra
-giraffe
-backpack
-umbrella
-handbag
-tie
-suitcase
-frisbee
-skis
-snowboard
-sports ball
-kite
-baseball bat
-baseball glove
-skateboard
-surfboard
-tennis racket
-bottle
-wine glass
-cup
-fork
-knife
-spoon
-bowl
-banana
-apple
-sandwich
-orange
-broccoli
-carrot
-hot dog
-pizza
-donut
-cake
-chair
-couch
-potted plant
-bed
-dining table
-toilet
-tv
-laptop
-computer mouse
-tv remote
-computer keyboard
-cell phone
-microwave
-oven
-toaster
-sink
-refrigerator
-book
-clock
-vase
-scissors
-teddy bear
-hair drier
-toothbrush
diff --git a/eval/gen/geneval/evaluation/summary_scores.py b/eval/gen/geneval/evaluation/summary_scores.py
deleted file mode 100644
index 37739fc15fdfd5ac87b9860b1819c33b30c31158..0000000000000000000000000000000000000000
--- a/eval/gen/geneval/evaluation/summary_scores.py
+++ /dev/null
@@ -1,64 +0,0 @@
-# Copyright (c) 2023 Dhruba Ghosh
-# Copyright (c) 2025 Bytedance Ltd. and/or its affiliates.
-# SPDX-License-Identifier: MIT
-#
-# This file has been modified by ByteDance Ltd. and/or its affiliates. on 2025-05-20.
-#
-# Original file was released under MIT, with the full license text
-# available at https://github.com/djghosh13/geneval/blob/main/LICENSE.
-#
-# This modified file is released under the same license.
-
-import argparse
-import os
-
-import numpy as np
-import pandas as pd
-
-
-parser = argparse.ArgumentParser()
-parser.add_argument("filename", type=str)
-args = parser.parse_args()
-
-# Load classnames
-
-with open(os.path.join(os.path.dirname(__file__), "object_names.txt")) as cls_file:
- classnames = [line.strip() for line in cls_file]
- cls_to_idx = {"_".join(cls.split()):idx for idx, cls in enumerate(classnames)}
-
-# Load results
-
-df = pd.read_json(args.filename, orient="records", lines=True)
-
-# Measure overall success
-
-print("Summary")
-print("=======")
-print(f"Total images: {len(df)}")
-print(f"Total prompts: {len(df.groupby('metadata'))}")
-print(f"% correct images: {df['correct'].mean():.2%}")
-print(f"% correct prompts: {df.groupby('metadata')['correct'].any().mean():.2%}")
-print()
-
-# By group
-
-task_scores = []
-
-print("Task breakdown")
-print("==============")
-for tag, task_df in df.groupby('tag', sort=False):
- task_scores.append(task_df['correct'].mean())
- print(f"{tag:<16} = {task_df['correct'].mean():.2%} ({task_df['correct'].sum()} / {len(task_df)})")
-print()
-
-print(f"Overall score (avg. over tasks): {np.mean(task_scores):.5f}")
-
-
-print("\n\n==============")
-output_info = "SO TO CT CL POS ATTR ALL\n"
-for score in task_scores:
- output_info += f"{score:.2f} "
-output_info += f"{np.mean(task_scores):.2f}" + "\n"
-print(output_info)
-with open(os.path.join(os.path.dirname(args.filename), "geneval_results.txt"), "w") as f:
- f.write(output_info)
\ No newline at end of file
diff --git a/eval/gen/geneval/prompts/create_prompts.py b/eval/gen/geneval/prompts/create_prompts.py
deleted file mode 100644
index e5ef026f131b8b6eb93cdc515461a3d39068f3d5..0000000000000000000000000000000000000000
--- a/eval/gen/geneval/prompts/create_prompts.py
+++ /dev/null
@@ -1,194 +0,0 @@
-# Copyright (c) 2023 Dhruba Ghosh
-# Copyright (c) 2025 Bytedance Ltd. and/or its affiliates.
-# SPDX-License-Identifier: MIT
-#
-# This file has been modified by ByteDance Ltd. and/or its affiliates. on 2025-05-20.
-#
-# Original file was released under MIT, with the full license text
-# available at https://github.com/djghosh13/geneval/blob/main/LICENSE.
-#
-# This modified file is released under the same license.
-
-"""
-Generate prompts for evaluation
-"""
-
-import argparse
-import json
-import os
-import yaml
-
-import numpy as np
-
-# Load classnames
-
-with open("object_names.txt") as cls_file:
- classnames = [line.strip() for line in cls_file]
-
-# Proper a vs an
-
-def with_article(name: str):
- if name[0] in "aeiou":
- return f"an {name}"
- return f"a {name}"
-
-# Proper plural
-
-def make_plural(name: str):
- if name[-1] in "s":
- return f"{name}es"
- return f"{name}s"
-
-# Generates single object samples
-
-def generate_single_object_sample(rng: np.random.Generator, size: int = None):
- TAG = "single_object"
- if size > len(classnames):
- size = len(classnames)
- print(f"Not enough distinct classes, generating only {size} samples")
- return_scalar = size is None
- size = size or 1
- idxs = rng.choice(len(classnames), size=size, replace=False)
- samples = [dict(
- tag=TAG,
- include=[
- {"class": classnames[idx], "count": 1}
- ],
- prompt=f"a photo of {with_article(classnames[idx])}"
- ) for idx in idxs]
- if return_scalar:
- return samples[0]
- return samples
-
-# Generate two object samples
-
-def generate_two_object_sample(rng: np.random.Generator):
- TAG = "two_object"
- idx_a, idx_b = rng.choice(len(classnames), size=2, replace=False)
- return dict(
- tag=TAG,
- include=[
- {"class": classnames[idx_a], "count": 1},
- {"class": classnames[idx_b], "count": 1}
- ],
- prompt=f"a photo of {with_article(classnames[idx_a])} and {with_article(classnames[idx_b])}"
- )
-
-# Generate counting samples
-
-numbers = ["zero", "one", "two", "three", "four", "five", "six", "seven", "eight", "nine", "ten"]
-
-def generate_counting_sample(rng: np.random.Generator, max_count=4):
- TAG = "counting"
- idx = rng.choice(len(classnames))
- num = int(rng.integers(2, max_count, endpoint=True))
- return dict(
- tag=TAG,
- include=[
- {"class": classnames[idx], "count": num}
- ],
- exclude=[
- {"class": classnames[idx], "count": num + 1}
- ],
- prompt=f"a photo of {numbers[num]} {make_plural(classnames[idx])}"
- )
-
-# Generate color samples
-
-colors = ["red", "orange", "yellow", "green", "blue", "purple", "pink", "brown", "black", "white"]
-
-def generate_color_sample(rng: np.random.Generator):
- TAG = "colors"
- idx = rng.choice(len(classnames) - 1) + 1
- idx = (idx + classnames.index("person")) % len(classnames) # No "[COLOR] person" prompts
- color = colors[rng.choice(len(colors))]
- return dict(
- tag=TAG,
- include=[
- {"class": classnames[idx], "count": 1, "color": color}
- ],
- prompt=f"a photo of {with_article(color)} {classnames[idx]}"
- )
-
-# Generate position samples
-
-positions = ["left of", "right of", "above", "below"]
-
-def generate_position_sample(rng: np.random.Generator):
- TAG = "position"
- idx_a, idx_b = rng.choice(len(classnames), size=2, replace=False)
- position = positions[rng.choice(len(positions))]
- return dict(
- tag=TAG,
- include=[
- {"class": classnames[idx_b], "count": 1},
- {"class": classnames[idx_a], "count": 1, "position": (position, 0)}
- ],
- prompt=f"a photo of {with_article(classnames[idx_a])} {position} {with_article(classnames[idx_b])}"
- )
-
-# Generate color attribution samples
-
-def generate_color_attribution_sample(rng: np.random.Generator):
- TAG = "color_attr"
- idxs = rng.choice(len(classnames) - 1, size=2, replace=False) + 1
- idx_a, idx_b = (idxs + classnames.index("person")) % len(classnames) # No "[COLOR] person" prompts
- cidx_a, cidx_b = rng.choice(len(colors), size=2, replace=False)
- return dict(
- tag=TAG,
- include=[
- {"class": classnames[idx_a], "count": 1, "color": colors[cidx_a]},
- {"class": classnames[idx_b], "count": 1, "color": colors[cidx_b]}
- ],
- prompt=f"a photo of {with_article(colors[cidx_a])} {classnames[idx_a]} and {with_article(colors[cidx_b])} {classnames[idx_b]}"
- )
-
-
-# Generate evaluation suite
-
-def generate_suite(rng: np.random.Generator, n: int = 100, output_path: str = ""):
- samples = []
- # Generate single object samples for all COCO classnames
- samples.extend(generate_single_object_sample(rng, size=len(classnames)))
- # Generate two object samples (~100)
- for _ in range(n):
- samples.append(generate_two_object_sample(rng))
- # Generate counting samples
- for _ in range(n):
- samples.append(generate_counting_sample(rng, max_count=4))
- # Generate color samples
- for _ in range(n):
- samples.append(generate_color_sample(rng))
- # Generate position samples
- for _ in range(n):
- samples.append(generate_position_sample(rng))
- # Generate color attribution samples
- for _ in range(n):
- samples.append(generate_color_attribution_sample(rng))
- # De-duplicate
- unique_samples, used_samples = [], set()
- for sample in samples:
- sample_text = yaml.safe_dump(sample)
- if sample_text not in used_samples:
- unique_samples.append(sample)
- used_samples.add(sample_text)
-
- # Write to files
- os.makedirs(output_path, exist_ok=True)
- with open(os.path.join(output_path, "generation_prompts.txt"), "w") as fp:
- for sample in unique_samples:
- print(sample['prompt'], file=fp)
- with open(os.path.join(output_path, "evaluation_metadata.jsonl"), "w") as fp:
- for sample in unique_samples:
- print(json.dumps(sample), file=fp)
-
-
-if __name__ == "__main__":
- parser = argparse.ArgumentParser()
- parser.add_argument("--seed", type=int, default=43, help="generation seed (default: 43)")
- parser.add_argument("--num-prompts", "-n", type=int, default=100, help="number of prompts per task (default: 100)")
- parser.add_argument("--output-path", "-o", type=str, default="prompts", help="output folder for prompts and metadata (default: 'prompts/')")
- args = parser.parse_args()
- rng = np.random.default_rng(args.seed)
- generate_suite(rng, args.num_prompts, args.output_path)
-
diff --git a/eval/gen/geneval/prompts/evaluation_metadata.jsonl b/eval/gen/geneval/prompts/evaluation_metadata.jsonl
deleted file mode 100644
index efc21c7e639cd45554a1e44fac87157211f16d51..0000000000000000000000000000000000000000
--- a/eval/gen/geneval/prompts/evaluation_metadata.jsonl
+++ /dev/null
@@ -1,553 +0,0 @@
-{"tag": "single_object", "include": [{"class": "bench", "count": 1}], "prompt": "a photo of a bench"}
-{"tag": "single_object", "include": [{"class": "cow", "count": 1}], "prompt": "a photo of a cow"}
-{"tag": "single_object", "include": [{"class": "bicycle", "count": 1}], "prompt": "a photo of a bicycle"}
-{"tag": "single_object", "include": [{"class": "clock", "count": 1}], "prompt": "a photo of a clock"}
-{"tag": "single_object", "include": [{"class": "carrot", "count": 1}], "prompt": "a photo of a carrot"}
-{"tag": "single_object", "include": [{"class": "suitcase", "count": 1}], "prompt": "a photo of a suitcase"}
-{"tag": "single_object", "include": [{"class": "fork", "count": 1}], "prompt": "a photo of a fork"}
-{"tag": "single_object", "include": [{"class": "surfboard", "count": 1}], "prompt": "a photo of a surfboard"}
-{"tag": "single_object", "include": [{"class": "refrigerator", "count": 1}], "prompt": "a photo of a refrigerator"}
-{"tag": "single_object", "include": [{"class": "cup", "count": 1}], "prompt": "a photo of a cup"}
-{"tag": "single_object", "include": [{"class": "microwave", "count": 1}], "prompt": "a photo of a microwave"}
-{"tag": "single_object", "include": [{"class": "potted plant", "count": 1}], "prompt": "a photo of a potted plant"}
-{"tag": "single_object", "include": [{"class": "snowboard", "count": 1}], "prompt": "a photo of a snowboard"}
-{"tag": "single_object", "include": [{"class": "zebra", "count": 1}], "prompt": "a photo of a zebra"}
-{"tag": "single_object", "include": [{"class": "parking meter", "count": 1}], "prompt": "a photo of a parking meter"}
-{"tag": "single_object", "include": [{"class": "spoon", "count": 1}], "prompt": "a photo of a spoon"}
-{"tag": "single_object", "include": [{"class": "skateboard", "count": 1}], "prompt": "a photo of a skateboard"}
-{"tag": "single_object", "include": [{"class": "car", "count": 1}], "prompt": "a photo of a car"}
-{"tag": "single_object", "include": [{"class": "motorcycle", "count": 1}], "prompt": "a photo of a motorcycle"}
-{"tag": "single_object", "include": [{"class": "traffic light", "count": 1}], "prompt": "a photo of a traffic light"}
-{"tag": "single_object", "include": [{"class": "book", "count": 1}], "prompt": "a photo of a book"}
-{"tag": "single_object", "include": [{"class": "couch", "count": 1}], "prompt": "a photo of a couch"}
-{"tag": "single_object", "include": [{"class": "backpack", "count": 1}], "prompt": "a photo of a backpack"}
-{"tag": "single_object", "include": [{"class": "computer keyboard", "count": 1}], "prompt": "a photo of a computer keyboard"}
-{"tag": "single_object", "include": [{"class": "toaster", "count": 1}], "prompt": "a photo of a toaster"}
-{"tag": "single_object", "include": [{"class": "bird", "count": 1}], "prompt": "a photo of a bird"}
-{"tag": "single_object", "include": [{"class": "bowl", "count": 1}], "prompt": "a photo of a bowl"}
-{"tag": "single_object", "include": [{"class": "dog", "count": 1}], "prompt": "a photo of a dog"}
-{"tag": "single_object", "include": [{"class": "tie", "count": 1}], "prompt": "a photo of a tie"}
-{"tag": "single_object", "include": [{"class": "laptop", "count": 1}], "prompt": "a photo of a laptop"}
-{"tag": "single_object", "include": [{"class": "computer mouse", "count": 1}], "prompt": "a photo of a computer mouse"}
-{"tag": "single_object", "include": [{"class": "sandwich", "count": 1}], "prompt": "a photo of a sandwich"}
-{"tag": "single_object", "include": [{"class": "baseball bat", "count": 1}], "prompt": "a photo of a baseball bat"}
-{"tag": "single_object", "include": [{"class": "train", "count": 1}], "prompt": "a photo of a train"}
-{"tag": "single_object", "include": [{"class": "cell phone", "count": 1}], "prompt": "a photo of a cell phone"}
-{"tag": "single_object", "include": [{"class": "chair", "count": 1}], "prompt": "a photo of a chair"}
-{"tag": "single_object", "include": [{"class": "tv", "count": 1}], "prompt": "a photo of a tv"}
-{"tag": "single_object", "include": [{"class": "broccoli", "count": 1}], "prompt": "a photo of a broccoli"}
-{"tag": "single_object", "include": [{"class": "bed", "count": 1}], "prompt": "a photo of a bed"}
-{"tag": "single_object", "include": [{"class": "skis", "count": 1}], "prompt": "a photo of a skis"}
-{"tag": "single_object", "include": [{"class": "handbag", "count": 1}], "prompt": "a photo of a handbag"}
-{"tag": "single_object", "include": [{"class": "pizza", "count": 1}], "prompt": "a photo of a pizza"}
-{"tag": "single_object", "include": [{"class": "frisbee", "count": 1}], "prompt": "a photo of a frisbee"}
-{"tag": "single_object", "include": [{"class": "scissors", "count": 1}], "prompt": "a photo of a scissors"}
-{"tag": "single_object", "include": [{"class": "bottle", "count": 1}], "prompt": "a photo of a bottle"}
-{"tag": "single_object", "include": [{"class": "elephant", "count": 1}], "prompt": "a photo of an elephant"}
-{"tag": "single_object", "include": [{"class": "toilet", "count": 1}], "prompt": "a photo of a toilet"}
-{"tag": "single_object", "include": [{"class": "oven", "count": 1}], "prompt": "a photo of an oven"}
-{"tag": "single_object", "include": [{"class": "orange", "count": 1}], "prompt": "a photo of an orange"}
-{"tag": "single_object", "include": [{"class": "person", "count": 1}], "prompt": "a photo of a person"}
-{"tag": "single_object", "include": [{"class": "teddy bear", "count": 1}], "prompt": "a photo of a teddy bear"}
-{"tag": "single_object", "include": [{"class": "vase", "count": 1}], "prompt": "a photo of a vase"}
-{"tag": "single_object", "include": [{"class": "banana", "count": 1}], "prompt": "a photo of a banana"}
-{"tag": "single_object", "include": [{"class": "toothbrush", "count": 1}], "prompt": "a photo of a toothbrush"}
-{"tag": "single_object", "include": [{"class": "tv remote", "count": 1}], "prompt": "a photo of a tv remote"}
-{"tag": "single_object", "include": [{"class": "dining table", "count": 1}], "prompt": "a photo of a dining table"}
-{"tag": "single_object", "include": [{"class": "stop sign", "count": 1}], "prompt": "a photo of a stop sign"}
-{"tag": "single_object", "include": [{"class": "sheep", "count": 1}], "prompt": "a photo of a sheep"}
-{"tag": "single_object", "include": [{"class": "fire hydrant", "count": 1}], "prompt": "a photo of a fire hydrant"}
-{"tag": "single_object", "include": [{"class": "airplane", "count": 1}], "prompt": "a photo of an airplane"}
-{"tag": "single_object", "include": [{"class": "giraffe", "count": 1}], "prompt": "a photo of a giraffe"}
-{"tag": "single_object", "include": [{"class": "horse", "count": 1}], "prompt": "a photo of a horse"}
-{"tag": "single_object", "include": [{"class": "cat", "count": 1}], "prompt": "a photo of a cat"}
-{"tag": "single_object", "include": [{"class": "donut", "count": 1}], "prompt": "a photo of a donut"}
-{"tag": "single_object", "include": [{"class": "boat", "count": 1}], "prompt": "a photo of a boat"}
-{"tag": "single_object", "include": [{"class": "baseball glove", "count": 1}], "prompt": "a photo of a baseball glove"}
-{"tag": "single_object", "include": [{"class": "hair drier", "count": 1}], "prompt": "a photo of a hair drier"}
-{"tag": "single_object", "include": [{"class": "sink", "count": 1}], "prompt": "a photo of a sink"}
-{"tag": "single_object", "include": [{"class": "cake", "count": 1}], "prompt": "a photo of a cake"}
-{"tag": "single_object", "include": [{"class": "wine glass", "count": 1}], "prompt": "a photo of a wine glass"}
-{"tag": "single_object", "include": [{"class": "apple", "count": 1}], "prompt": "a photo of an apple"}
-{"tag": "single_object", "include": [{"class": "bus", "count": 1}], "prompt": "a photo of a bus"}
-{"tag": "single_object", "include": [{"class": "tennis racket", "count": 1}], "prompt": "a photo of a tennis racket"}
-{"tag": "single_object", "include": [{"class": "knife", "count": 1}], "prompt": "a photo of a knife"}
-{"tag": "single_object", "include": [{"class": "hot dog", "count": 1}], "prompt": "a photo of a hot dog"}
-{"tag": "single_object", "include": [{"class": "truck", "count": 1}], "prompt": "a photo of a truck"}
-{"tag": "single_object", "include": [{"class": "umbrella", "count": 1}], "prompt": "a photo of an umbrella"}
-{"tag": "single_object", "include": [{"class": "sports ball", "count": 1}], "prompt": "a photo of a sports ball"}
-{"tag": "single_object", "include": [{"class": "bear", "count": 1}], "prompt": "a photo of a bear"}
-{"tag": "single_object", "include": [{"class": "kite", "count": 1}], "prompt": "a photo of a kite"}
-{"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": "toothbrush", "count": 1}, {"class": "snowboard", "count": 1}], "prompt": "a photo of a toothbrush and a snowboard"}
-{"tag": "two_object", "include": [{"class": "toaster", "count": 1}, {"class": "oven", "count": 1}], "prompt": "a photo of a toaster and an oven"}
-{"tag": "two_object", "include": [{"class": "broccoli", "count": 1}, {"class": "vase", "count": 1}], "prompt": "a photo of a broccoli and a vase"}
-{"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": "fork", "count": 1}, {"class": "knife", "count": 1}], "prompt": "a photo of a fork and a knife"}
-{"tag": "two_object", "include": [{"class": "hair drier", "count": 1}, {"class": "cake", "count": 1}], "prompt": "a photo of a hair drier and a cake"}
-{"tag": "two_object", "include": [{"class": "horse", "count": 1}, {"class": "giraffe", "count": 1}], "prompt": "a photo of a horse and a giraffe"}
-{"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": "toothbrush", "count": 1}, {"class": "carrot", "count": 1}], "prompt": "a photo of a toothbrush and a carrot"}
-{"tag": "two_object", "include": [{"class": "cake", "count": 1}, {"class": "zebra", "count": 1}], "prompt": "a photo of a cake and a zebra"}
-{"tag": "two_object", "include": [{"class": "hair drier", "count": 1}, {"class": "bear", "count": 1}], "prompt": "a photo of a hair drier and a bear"}
-{"tag": "two_object", "include": [{"class": "knife", "count": 1}, {"class": "zebra", "count": 1}], "prompt": "a photo of a knife and a zebra"}
-{"tag": "two_object", "include": [{"class": "couch", "count": 1}, {"class": "wine glass", "count": 1}], "prompt": "a photo of a couch and a wine glass"}
-{"tag": "two_object", "include": [{"class": "frisbee", "count": 1}, {"class": "vase", "count": 1}], "prompt": "a photo of a frisbee and a vase"}
-{"tag": "two_object", "include": [{"class": "book", "count": 1}, {"class": "laptop", "count": 1}], "prompt": "a photo of a book and a laptop"}
-{"tag": "two_object", "include": [{"class": "dining table", "count": 1}, {"class": "bear", "count": 1}], "prompt": "a photo of a dining table and a bear"}
-{"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": "couch", "count": 1}, {"class": "horse", "count": 1}], "prompt": "a photo of a couch and a horse"}
-{"tag": "two_object", "include": [{"class": "toilet", "count": 1}, {"class": "computer mouse", "count": 1}], "prompt": "a photo of a toilet and a computer mouse"}
-{"tag": "two_object", "include": [{"class": "bottle", "count": 1}, {"class": "refrigerator", "count": 1}], "prompt": "a photo of a bottle and a refrigerator"}
-{"tag": "two_object", "include": [{"class": "potted plant", "count": 1}, {"class": "backpack", "count": 1}], "prompt": "a photo of a potted plant and a backpack"}
-{"tag": "two_object", "include": [{"class": "skateboard", "count": 1}, {"class": "cake", "count": 1}], "prompt": "a photo of a skateboard and a cake"}
-{"tag": "two_object", "include": [{"class": "broccoli", "count": 1}, {"class": "parking meter", "count": 1}], "prompt": "a photo of a broccoli and a parking meter"}
-{"tag": "two_object", "include": [{"class": "zebra", "count": 1}, {"class": "bed", "count": 1}], "prompt": "a photo of a zebra and a bed"}
-{"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": "baseball bat", "count": 1}, {"class": "fork", "count": 1}], "prompt": "a photo of a baseball bat and a fork"}
-{"tag": "two_object", "include": [{"class": "vase", "count": 1}, {"class": "spoon", "count": 1}], "prompt": "a photo of a vase and a spoon"}
-{"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": "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": "two_object", "include": [{"class": "tennis racket", "count": 1}, {"class": "bird", "count": 1}], "prompt": "a photo of a tennis racket and a bird"}
-{"tag": "two_object", "include": [{"class": "wine glass", "count": 1}, {"class": "bear", "count": 1}], "prompt": "a photo of a wine glass and a bear"}
-{"tag": "two_object", "include": [{"class": "fork", "count": 1}, {"class": "book", "count": 1}], "prompt": "a photo of a fork and a book"}
-{"tag": "two_object", "include": [{"class": "scissors", "count": 1}, {"class": "bowl", "count": 1}], "prompt": "a photo of a scissors and a bowl"}
-{"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": "stop sign", "count": 1}, {"class": "bottle", "count": 1}], "prompt": "a photo of a stop sign and a bottle"}
-{"tag": "two_object", "include": [{"class": "microwave", "count": 1}, {"class": "truck", "count": 1}], "prompt": "a photo of a microwave and a truck"}
-{"tag": "two_object", "include": [{"class": "person", "count": 1}, {"class": "bear", "count": 1}], "prompt": "a photo of a person and a bear"}
-{"tag": "two_object", "include": [{"class": "frisbee", "count": 1}, {"class": "cell phone", "count": 1}], "prompt": "a photo of a frisbee and a cell phone"}
-{"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": "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": "stop sign", "count": 1}, {"class": "motorcycle", "count": 1}], "prompt": "a photo of a stop sign and a motorcycle"}
-{"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": "two_object", "include": [{"class": "scissors", "count": 1}, {"class": "sandwich", "count": 1}], "prompt": "a photo of a scissors and a sandwich"}
-{"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": "giraffe", "count": 1}, {"class": "computer mouse", "count": 1}], "prompt": "a photo of a giraffe and a computer mouse"}
-{"tag": "two_object", "include": [{"class": "stop sign", "count": 1}, {"class": "toaster", "count": 1}], "prompt": "a photo of a stop sign and a toaster"}
-{"tag": "two_object", "include": [{"class": "computer mouse", "count": 1}, {"class": "zebra", "count": 1}], "prompt": "a photo of a computer mouse and a zebra"}
-{"tag": "two_object", "include": [{"class": "chair", "count": 1}, {"class": "bench", "count": 1}], "prompt": "a photo of a chair and a bench"}
-{"tag": "two_object", "include": [{"class": "tv", "count": 1}, {"class": "carrot", "count": 1}], "prompt": "a photo of a tv and a carrot"}
-{"tag": "two_object", "include": [{"class": "surfboard", "count": 1}, {"class": "suitcase", "count": 1}], "prompt": "a photo of a surfboard and a suitcase"}
-{"tag": "two_object", "include": [{"class": "computer keyboard", "count": 1}, {"class": "laptop", "count": 1}], "prompt": "a photo of a computer keyboard and a laptop"}
-{"tag": "two_object", "include": [{"class": "computer keyboard", "count": 1}, {"class": "microwave", "count": 1}], "prompt": "a photo of a computer keyboard and a microwave"}
-{"tag": "two_object", "include": [{"class": "scissors", "count": 1}, {"class": "bird", "count": 1}], "prompt": "a photo of a scissors and a bird"}
-{"tag": "two_object", "include": [{"class": "person", "count": 1}, {"class": "snowboard", "count": 1}], "prompt": "a photo of a person and a snowboard"}
-{"tag": "two_object", "include": [{"class": "cow", "count": 1}, {"class": "horse", "count": 1}], "prompt": "a photo of a cow and a horse"}
-{"tag": "two_object", "include": [{"class": "handbag", "count": 1}, {"class": "refrigerator", "count": 1}], "prompt": "a photo of a handbag and a refrigerator"}
-{"tag": "two_object", "include": [{"class": "chair", "count": 1}, {"class": "laptop", "count": 1}], "prompt": "a photo of a chair and a laptop"}
-{"tag": "two_object", "include": [{"class": "toothbrush", "count": 1}, {"class": "bench", "count": 1}], "prompt": "a photo of a toothbrush and a bench"}
-{"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": "horse", "count": 1}, {"class": "train", "count": 1}], "prompt": "a photo of a horse and a train"}
-{"tag": "two_object", "include": [{"class": "bench", "count": 1}, {"class": "vase", "count": 1}], "prompt": "a photo of a bench and a vase"}
-{"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": "sports ball", "count": 1}, {"class": "cow", "count": 1}], "prompt": "a photo of a sports ball and a cow"}
-{"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": "tv", "count": 1}, {"class": "bicycle", "count": 1}], "prompt": "a photo of a tv and a bicycle"}
-{"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": "toothbrush", "count": 1}, {"class": "toilet", "count": 1}], "prompt": "a photo of a toothbrush and a toilet"}
-{"tag": "two_object", "include": [{"class": "person", "count": 1}, {"class": "apple", "count": 1}], "prompt": "a photo of a person and an apple"}
-{"tag": "two_object", "include": [{"class": "sink", "count": 1}, {"class": "sports ball", "count": 1}], "prompt": "a photo of a sink and a sports ball"}
-{"tag": "two_object", "include": [{"class": "stop sign", "count": 1}, {"class": "dog", "count": 1}], "prompt": "a photo of a stop sign and a dog"}
-{"tag": "two_object", "include": [{"class": "knife", "count": 1}, {"class": "stop sign", "count": 1}], "prompt": "a photo of a knife and a stop sign"}
-{"tag": "two_object", "include": [{"class": "wine glass", "count": 1}, {"class": "handbag", "count": 1}], "prompt": "a photo of a wine glass and a handbag"}
-{"tag": "two_object", "include": [{"class": "bowl", "count": 1}, {"class": "skis", "count": 1}], "prompt": "a photo of a bowl and a skis"}
-{"tag": "two_object", "include": [{"class": "frisbee", "count": 1}, {"class": "apple", "count": 1}], "prompt": "a photo of a frisbee and an apple"}
-{"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": "two_object", "include": [{"class": "stop sign", "count": 1}, {"class": "fork", "count": 1}], "prompt": "a photo of a stop sign and a fork"}
-{"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": "tv", "count": 1}, {"class": "cell phone", "count": 1}], "prompt": "a photo of a tv and 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": "two_object", "include": [{"class": "potted plant", "count": 1}, {"class": "donut", "count": 1}], "prompt": "a photo of a potted plant and a donut"}
-{"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": "couch", "count": 1}, {"class": "snowboard", "count": 1}], "prompt": "a photo of a couch and a snowboard"}
-{"tag": "two_object", "include": [{"class": "fork", "count": 1}, {"class": "baseball glove", "count": 1}], "prompt": "a photo of a fork and a baseball glove"}
-{"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": "bus", "count": 1}, {"class": "baseball glove", "count": 1}], "prompt": "a photo of a bus and a baseball glove"}
-{"tag": "two_object", "include": [{"class": "person", "count": 1}, {"class": "stop sign", "count": 1}], "prompt": "a photo of a person and a stop sign"}
-{"tag": "two_object", "include": [{"class": "carrot", "count": 1}, {"class": "couch", "count": 1}], "prompt": "a photo of a carrot and a couch"}
-{"tag": "two_object", "include": [{"class": "baseball bat", "count": 1}, {"class": "bear", "count": 1}], "prompt": "a photo of a baseball bat and a bear"}
-{"tag": "two_object", "include": [{"class": "fire hydrant", "count": 1}, {"class": "train", "count": 1}], "prompt": "a photo of a fire hydrant and a train"}
-{"tag": "two_object", "include": [{"class": "baseball glove", "count": 1}, {"class": "carrot", "count": 1}], "prompt": "a photo of a baseball glove and a carrot"}
-{"tag": "two_object", "include": [{"class": "microwave", "count": 1}, {"class": "bench", "count": 1}], "prompt": "a photo of a microwave and a bench"}
-{"tag": "two_object", "include": [{"class": "cake", "count": 1}, {"class": "stop sign", "count": 1}], "prompt": "a photo of a cake and a stop sign"}
-{"tag": "two_object", "include": [{"class": "car", "count": 1}, {"class": "computer mouse", "count": 1}], "prompt": "a photo of a car and a computer mouse"}
-{"tag": "two_object", "include": [{"class": "suitcase", "count": 1}, {"class": "dining table", "count": 1}], "prompt": "a photo of a suitcase and a dining table"}
-{"tag": "two_object", "include": [{"class": "person", "count": 1}, {"class": "traffic light", "count": 1}], "prompt": "a photo of a person and a traffic light"}
-{"tag": "two_object", "include": [{"class": "cell phone", "count": 1}, {"class": "horse", "count": 1}], "prompt": "a photo of a cell phone and a horse"}
-{"tag": "two_object", "include": [{"class": "baseball bat", "count": 1}, {"class": "giraffe", "count": 1}], "prompt": "a photo of a baseball bat and a giraffe"}
-{"tag": "counting", "include": [{"class": "clock", "count": 2}], "exclude": [{"class": "clock", "count": 3}], "prompt": "a photo of two clocks"}
-{"tag": "counting", "include": [{"class": "backpack", "count": 2}], "exclude": [{"class": "backpack", "count": 3}], "prompt": "a photo of two backpacks"}
-{"tag": "counting", "include": [{"class": "handbag", "count": 4}], "exclude": [{"class": "handbag", "count": 5}], "prompt": "a photo of four handbags"}
-{"tag": "counting", "include": [{"class": "frisbee", "count": 2}], "exclude": [{"class": "frisbee", "count": 3}], "prompt": "a photo of two frisbees"}
-{"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": "bear", "count": 2}], "exclude": [{"class": "bear", "count": 3}], "prompt": "a photo of two bears"}
-{"tag": "counting", "include": [{"class": "tie", "count": 2}], "exclude": [{"class": "tie", "count": 3}], "prompt": "a photo of two ties"}
-{"tag": "counting", "include": [{"class": "sink", "count": 4}], "exclude": [{"class": "sink", "count": 5}], "prompt": "a photo of four sinks"}
-{"tag": "counting", "include": [{"class": "toothbrush", "count": 2}], "exclude": [{"class": "toothbrush", "count": 3}], "prompt": "a photo of two toothbrushs"}
-{"tag": "counting", "include": [{"class": "person", "count": 3}], "exclude": [{"class": "person", "count": 4}], "prompt": "a photo of three persons"}
-{"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": "bowl", "count": 4}], "exclude": [{"class": "bowl", "count": 5}], "prompt": "a photo of four bowls"}
-{"tag": "counting", "include": [{"class": "vase", "count": 4}], "exclude": [{"class": "vase", "count": 5}], "prompt": "a photo of four vases"}
-{"tag": "counting", "include": [{"class": "cup", "count": 3}], "exclude": [{"class": "cup", "count": 4}], "prompt": "a photo of three cups"}
-{"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": "sink", "count": 3}], "exclude": [{"class": "sink", "count": 4}], "prompt": "a photo of three sinks"}
-{"tag": "counting", "include": [{"class": "oven", "count": 2}], "exclude": [{"class": "oven", "count": 3}], "prompt": "a photo of two ovens"}
-{"tag": "counting", "include": [{"class": "toilet", "count": 2}], "exclude": [{"class": "toilet", "count": 3}], "prompt": "a photo of two toilets"}
-{"tag": "counting", "include": [{"class": "bicycle", "count": 2}], "exclude": [{"class": "bicycle", "count": 3}], "prompt": "a photo of two bicycles"}
-{"tag": "counting", "include": [{"class": "train", "count": 2}], "exclude": [{"class": "train", "count": 3}], "prompt": "a photo of two trains"}
-{"tag": "counting", "include": [{"class": "orange", "count": 3}], "exclude": [{"class": "orange", "count": 4}], "prompt": "a photo of three oranges"}
-{"tag": "counting", "include": [{"class": "bus", "count": 3}], "exclude": [{"class": "bus", "count": 4}], "prompt": "a photo of three buses"}
-{"tag": "counting", "include": [{"class": "handbag", "count": 3}], "exclude": [{"class": "handbag", "count": 4}], "prompt": "a photo of three handbags"}
-{"tag": "counting", "include": [{"class": "snowboard", "count": 3}], "exclude": [{"class": "snowboard", "count": 4}], "prompt": "a photo of three snowboards"}
-{"tag": "counting", "include": [{"class": "snowboard", "count": 2}], "exclude": [{"class": "snowboard", "count": 3}], "prompt": "a photo of two snowboards"}
-{"tag": "counting", "include": [{"class": "dog", "count": 4}], "exclude": [{"class": "dog", "count": 5}], "prompt": "a photo of four dogs"}
-{"tag": "counting", "include": [{"class": "apple", "count": 3}], "exclude": [{"class": "apple", "count": 4}], "prompt": "a photo of three apples"}
-{"tag": "counting", "include": [{"class": "sheep", "count": 2}], "exclude": [{"class": "sheep", "count": 3}], "prompt": "a photo of two sheeps"}
-{"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": "zebra", "count": 3}], "exclude": [{"class": "zebra", "count": 4}], "prompt": "a photo of three zebras"}
-{"tag": "counting", "include": [{"class": "kite", "count": 3}], "exclude": [{"class": "kite", "count": 4}], "prompt": "a photo of three kites"}
-{"tag": "counting", "include": [{"class": "apple", "count": 4}], "exclude": [{"class": "apple", "count": 5}], "prompt": "a photo of four apples"}
-{"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": "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": "counting", "include": [{"class": "bed", "count": 2}], "exclude": [{"class": "bed", "count": 3}], "prompt": "a photo of two beds"}
-{"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": "fire hydrant", "count": 3}], "exclude": [{"class": "fire hydrant", "count": 4}], "prompt": "a photo of three fire hydrants"}
-{"tag": "counting", "include": [{"class": "book", "count": 3}], "exclude": [{"class": "book", "count": 4}], "prompt": "a photo of three books"}
-{"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": "counting", "include": [{"class": "donut", "count": 4}], "exclude": [{"class": "donut", "count": 5}], "prompt": "a photo of four donuts"}
-{"tag": "counting", "include": [{"class": "chair", "count": 4}], "exclude": [{"class": "chair", "count": 5}], "prompt": "a photo of four chairs"}
-{"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": "stop sign", "count": 4}], "exclude": [{"class": "stop sign", "count": 5}], "prompt": "a photo of four stop signs"}
-{"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": "counting", "include": [{"class": "fire hydrant", "count": 2}], "exclude": [{"class": "fire hydrant", "count": 3}], "prompt": "a photo of two fire hydrants"}
-{"tag": "counting", "include": [{"class": "giraffe", "count": 3}], "exclude": [{"class": "giraffe", "count": 4}], "prompt": "a photo of three giraffes"}
-{"tag": "counting", "include": [{"class": "tv", "count": 4}], "exclude": [{"class": "tv", "count": 5}], "prompt": "a photo of four tvs"}
-{"tag": "counting", "include": [{"class": "wine glass", "count": 3}], "exclude": [{"class": "wine glass", "count": 4}], "prompt": "a photo of three wine glasses"}
-{"tag": "counting", "include": [{"class": "broccoli", "count": 4}], "exclude": [{"class": "broccoli", "count": 5}], "prompt": "a photo of four broccolis"}
-{"tag": "counting", "include": [{"class": "truck", "count": 3}], "exclude": [{"class": "truck", "count": 4}], "prompt": "a photo of three trucks"}
-{"tag": "counting", "include": [{"class": "truck", "count": 2}], "exclude": [{"class": "truck", "count": 3}], "prompt": "a photo of two trucks"}
-{"tag": "counting", "include": [{"class": "carrot", "count": 2}], "exclude": [{"class": "carrot", "count": 3}], "prompt": "a photo of two carrots"}
-{"tag": "counting", "include": [{"class": "sandwich", "count": 2}], "exclude": [{"class": "sandwich", "count": 3}], "prompt": "a photo of two sandwichs"}
-{"tag": "counting", "include": [{"class": "traffic light", "count": 4}], "exclude": [{"class": "traffic light", "count": 5}], "prompt": "a photo of four traffic lights"}
-{"tag": "counting", "include": [{"class": "clock", "count": 4}], "exclude": [{"class": "clock", "count": 5}], "prompt": "a photo of four clocks"}
-{"tag": "counting", "include": [{"class": "car", "count": 2}], "exclude": [{"class": "car", "count": 3}], "prompt": "a photo of two cars"}
-{"tag": "counting", "include": [{"class": "banana", "count": 2}], "exclude": [{"class": "banana", "count": 3}], "prompt": "a photo of two bananas"}
-{"tag": "counting", "include": [{"class": "wine glass", "count": 2}], "exclude": [{"class": "wine glass", "count": 3}], "prompt": "a photo of two wine glasses"}
-{"tag": "counting", "include": [{"class": "pizza", "count": 3}], "exclude": [{"class": "pizza", "count": 4}], "prompt": "a photo of three pizzas"}
-{"tag": "counting", "include": [{"class": "knife", "count": 4}], "exclude": [{"class": "knife", "count": 5}], "prompt": "a photo of four knifes"}
-{"tag": "counting", "include": [{"class": "suitcase", "count": 3}], "exclude": [{"class": "suitcase", "count": 4}], "prompt": "a photo of three suitcases"}
-{"tag": "counting", "include": [{"class": "zebra", "count": 4}], "exclude": [{"class": "zebra", "count": 5}], "prompt": "a photo of four zebras"}
-{"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": "skateboard", "count": 4}], "exclude": [{"class": "skateboard", "count": 5}], "prompt": "a photo of four skateboards"}
-{"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": "counting", "include": [{"class": "boat", "count": 4}], "exclude": [{"class": "boat", "count": 5}], "prompt": "a photo of four boats"}
-{"tag": "counting", "include": [{"class": "microwave", "count": 4}], "exclude": [{"class": "microwave", "count": 5}], "prompt": "a photo of four microwaves"}
-{"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": "counting", "include": [{"class": "cow", "count": 3}], "exclude": [{"class": "cow", "count": 4}], "prompt": "a photo of three cows"}
-{"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": "bench", "count": 4}], "exclude": [{"class": "bench", "count": 5}], "prompt": "a photo of four benchs"}
-{"tag": "counting", "include": [{"class": "bench", "count": 3}], "exclude": [{"class": "bench", "count": 4}], "prompt": "a photo of three benchs"}
-{"tag": "counting", "include": [{"class": "frisbee", "count": 4}], "exclude": [{"class": "frisbee", "count": 5}], "prompt": "a photo of four frisbees"}
-{"tag": "counting", "include": [{"class": "book", "count": 4}], "exclude": [{"class": "book", "count": 5}], "prompt": "a photo of four books"}
-{"tag": "counting", "include": [{"class": "bus", "count": 4}], "exclude": [{"class": "bus", "count": 5}], "prompt": "a photo of four buses"}
-{"tag": "colors", "include": [{"class": "fire hydrant", "count": 1, "color": "blue"}], "prompt": "a photo of a blue fire hydrant"}
-{"tag": "colors", "include": [{"class": "car", "count": 1, "color": "pink"}], "prompt": "a photo of a pink car"}
-{"tag": "colors", "include": [{"class": "cup", "count": 1, "color": "purple"}], "prompt": "a photo of a purple cup"}
-{"tag": "colors", "include": [{"class": "cow", "count": 1, "color": "blue"}], "prompt": "a photo of a blue cow"}
-{"tag": "colors", "include": [{"class": "boat", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow boat"}
-{"tag": "colors", "include": [{"class": "umbrella", "count": 1, "color": "blue"}], "prompt": "a photo of a blue 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": "yellow"}], "prompt": "a photo of a yellow elephant"}
-{"tag": "colors", "include": [{"class": "bicycle", "count": 1, "color": "red"}], "prompt": "a photo of a red bicycle"}
-{"tag": "colors", "include": [{"class": "suitcase", "count": 1, "color": "purple"}], "prompt": "a photo of a purple suitcase"}
-{"tag": "colors", "include": [{"class": "hair drier", "count": 1, "color": "purple"}], "prompt": "a photo of a purple hair drier"}
-{"tag": "colors", "include": [{"class": "sandwich", "count": 1, "color": "white"}], "prompt": "a photo of a white sandwich"}
-{"tag": "colors", "include": [{"class": "elephant", "count": 1, "color": "purple"}], "prompt": "a photo of a purple elephant"}
-{"tag": "colors", "include": [{"class": "microwave", "count": 1, "color": "green"}], "prompt": "a photo of a green microwave"}
-{"tag": "colors", "include": [{"class": "zebra", "count": 1, "color": "red"}], "prompt": "a photo of a red zebra"}
-{"tag": "colors", "include": [{"class": "apple", "count": 1, "color": "red"}], "prompt": "a photo of a red apple"}
-{"tag": "colors", "include": [{"class": "tv remote", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow tv remote"}
-{"tag": "colors", "include": [{"class": "toilet", "count": 1, "color": "blue"}], "prompt": "a photo of a blue toilet"}
-{"tag": "colors", "include": [{"class": "orange", "count": 1, "color": "orange"}], "prompt": "a photo of an orange orange"}
-{"tag": "colors", "include": [{"class": "donut", "count": 1, "color": "black"}], "prompt": "a photo of a black donut"}
-{"tag": "colors", "include": [{"class": "vase", "count": 1, "color": "red"}], "prompt": "a photo of a red vase"}
-{"tag": "colors", "include": [{"class": "pizza", "count": 1, "color": "purple"}], "prompt": "a photo of a purple pizza"}
-{"tag": "colors", "include": [{"class": "skateboard", "count": 1, "color": "pink"}], "prompt": "a photo of a pink skateboard"}
-{"tag": "colors", "include": [{"class": "skateboard", "count": 1, "color": "green"}], "prompt": "a photo of a green skateboard"}
-{"tag": "colors", "include": [{"class": "bear", "count": 1, "color": "purple"}], "prompt": "a photo of a purple bear"}
-{"tag": "colors", "include": [{"class": "chair", "count": 1, "color": "brown"}], "prompt": "a photo of a brown chair"}
-{"tag": "colors", "include": [{"class": "computer keyboard", "count": 1, "color": "brown"}], "prompt": "a photo of a brown computer keyboard"}
-{"tag": "colors", "include": [{"class": "cow", "count": 1, "color": "orange"}], "prompt": "a photo of an orange cow"}
-{"tag": "colors", "include": [{"class": "skis", "count": 1, "color": "brown"}], "prompt": "a photo of a brown skis"}
-{"tag": "colors", "include": [{"class": "kite", "count": 1, "color": "white"}], "prompt": "a photo of a white kite"}
-{"tag": "colors", "include": [{"class": "dog", "count": 1, "color": "red"}], "prompt": "a photo of a red dog"}
-{"tag": "colors", "include": [{"class": "couch", "count": 1, "color": "green"}], "prompt": "a photo of a green couch"}
-{"tag": "colors", "include": [{"class": "airplane", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow airplane"}
-{"tag": "colors", "include": [{"class": "tv", "count": 1, "color": "orange"}], "prompt": "a photo of an orange tv"}
-{"tag": "colors", "include": [{"class": "scissors", "count": 1, "color": "white"}], "prompt": "a photo of a white scissors"}
-{"tag": "colors", "include": [{"class": "cell phone", "count": 1, "color": "pink"}], "prompt": "a photo of a pink cell phone"}
-{"tag": "colors", "include": [{"class": "surfboard", "count": 1, "color": "green"}], "prompt": "a photo of a green surfboard"}
-{"tag": "colors", "include": [{"class": "fire hydrant", "count": 1, "color": "white"}], "prompt": "a photo of a white fire hydrant"}
-{"tag": "colors", "include": [{"class": "bicycle", "count": 1, "color": "black"}], "prompt": "a photo of a black bicycle"}
-{"tag": "colors", "include": [{"class": "carrot", "count": 1, "color": "purple"}], "prompt": "a photo of a purple carrot"}
-{"tag": "colors", "include": [{"class": "dining table", "count": 1, "color": "black"}], "prompt": "a photo of a black dining table"}
-{"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": "purple"}], "prompt": "a photo of a purple backpack"}
-{"tag": "colors", "include": [{"class": "train", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow train"}
-{"tag": "colors", "include": [{"class": "potted plant", "count": 1, "color": "pink"}], "prompt": "a photo of a pink potted plant"}
-{"tag": "colors", "include": [{"class": "giraffe", "count": 1, "color": "red"}], "prompt": "a photo of a red giraffe"}
-{"tag": "colors", "include": [{"class": "bear", "count": 1, "color": "brown"}], "prompt": "a photo of a brown bear"}
-{"tag": "colors", "include": [{"class": "train", "count": 1, "color": "black"}], "prompt": "a photo of a black train"}
-{"tag": "colors", "include": [{"class": "laptop", "count": 1, "color": "orange"}], "prompt": "a photo of an orange laptop"}
-{"tag": "colors", "include": [{"class": "hot dog", "count": 1, "color": "green"}], "prompt": "a photo of a green hot dog"}
-{"tag": "colors", "include": [{"class": "parking meter", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow parking meter"}
-{"tag": "colors", "include": [{"class": "potted plant", "count": 1, "color": "red"}], "prompt": "a photo of a red potted plant"}
-{"tag": "colors", "include": [{"class": "traffic light", "count": 1, "color": "green"}], "prompt": "a photo of a green traffic light"}
-{"tag": "colors", "include": [{"class": "tv", "count": 1, "color": "blue"}], "prompt": "a photo of a blue tv"}
-{"tag": "colors", "include": [{"class": "refrigerator", "count": 1, "color": "brown"}], "prompt": "a photo of a brown refrigerator"}
-{"tag": "colors", "include": [{"class": "tv remote", "count": 1, "color": "black"}], "prompt": "a photo of a black tv remote"}
-{"tag": "colors", "include": [{"class": "scissors", "count": 1, "color": "purple"}], "prompt": "a photo of a purple scissors"}
-{"tag": "colors", "include": [{"class": "orange", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow orange"}
-{"tag": "colors", "include": [{"class": "toaster", "count": 1, "color": "brown"}], "prompt": "a photo of a brown toaster"}
-{"tag": "colors", "include": [{"class": "parking meter", "count": 1, "color": "red"}], "prompt": "a photo of a red parking meter"}
-{"tag": "colors", "include": [{"class": "orange", "count": 1, "color": "brown"}], "prompt": "a photo of a brown orange"}
-{"tag": "colors", "include": [{"class": "clock", "count": 1, "color": "green"}], "prompt": "a photo of a green clock"}
-{"tag": "colors", "include": [{"class": "sheep", "count": 1, "color": "white"}], "prompt": "a photo of a white sheep"}
-{"tag": "colors", "include": [{"class": "oven", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow oven"}
-{"tag": "colors", "include": [{"class": "vase", "count": 1, "color": "green"}], "prompt": "a photo of a green vase"}
-{"tag": "colors", "include": [{"class": "teddy bear", "count": 1, "color": "black"}], "prompt": "a photo of a black teddy bear"}
-{"tag": "colors", "include": [{"class": "carrot", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow carrot"}
-{"tag": "colors", "include": [{"class": "hot dog", "count": 1, "color": "black"}], "prompt": "a photo of a black hot dog"}
-{"tag": "colors", "include": [{"class": "scissors", "count": 1, "color": "red"}], "prompt": "a photo of a red scissors"}
-{"tag": "colors", "include": [{"class": "teddy bear", "count": 1, "color": "white"}], "prompt": "a photo of a white teddy bear"}
-{"tag": "colors", "include": [{"class": "skis", "count": 1, "color": "black"}], "prompt": "a photo of a black skis"}
-{"tag": "colors", "include": [{"class": "dining table", "count": 1, "color": "blue"}], "prompt": "a photo of a blue dining table"}
-{"tag": "colors", "include": [{"class": "refrigerator", "count": 1, "color": "black"}], "prompt": "a photo of a black refrigerator"}
-{"tag": "colors", "include": [{"class": "dog", "count": 1, "color": "white"}], "prompt": "a photo of a white dog"}
-{"tag": "colors", "include": [{"class": "scissors", "count": 1, "color": "orange"}], "prompt": "a photo of an orange scissors"}
-{"tag": "colors", "include": [{"class": "cell phone", "count": 1, "color": "red"}], "prompt": "a photo of a red cell phone"}
-{"tag": "colors", "include": [{"class": "orange", "count": 1, "color": "white"}], "prompt": "a photo of a white orange"}
-{"tag": "colors", "include": [{"class": "clock", "count": 1, "color": "blue"}], "prompt": "a photo of a blue clock"}
-{"tag": "colors", "include": [{"class": "carrot", "count": 1, "color": "blue"}], "prompt": "a photo of a blue carrot"}
-{"tag": "colors", "include": [{"class": "motorcycle", "count": 1, "color": "green"}], "prompt": "a photo of a green motorcycle"}
-{"tag": "colors", "include": [{"class": "stop sign", "count": 1, "color": "pink"}], "prompt": "a photo of a pink stop sign"}
-{"tag": "colors", "include": [{"class": "vase", "count": 1, "color": "black"}], "prompt": "a photo of a black vase"}
-{"tag": "colors", "include": [{"class": "backpack", "count": 1, "color": "black"}], "prompt": "a photo of a black backpack"}
-{"tag": "colors", "include": [{"class": "car", "count": 1, "color": "red"}], "prompt": "a photo of a red car"}
-{"tag": "colors", "include": [{"class": "computer mouse", "count": 1, "color": "green"}], "prompt": "a photo of a green computer mouse"}
-{"tag": "colors", "include": [{"class": "backpack", "count": 1, "color": "red"}], "prompt": "a photo of a red backpack"}
-{"tag": "colors", "include": [{"class": "bus", "count": 1, "color": "green"}], "prompt": "a photo of a green bus"}
-{"tag": "colors", "include": [{"class": "toaster", "count": 1, "color": "orange"}], "prompt": "a photo of an orange toaster"}
-{"tag": "colors", "include": [{"class": "fork", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow fork"}
-{"tag": "colors", "include": [{"class": "parking meter", "count": 1, "color": "pink"}], "prompt": "a photo of a pink parking meter"}
-{"tag": "colors", "include": [{"class": "book", "count": 1, "color": "blue"}], "prompt": "a photo of a blue book"}
-{"tag": "colors", "include": [{"class": "broccoli", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow broccoli"}
-{"tag": "colors", "include": [{"class": "computer mouse", "count": 1, "color": "orange"}], "prompt": "a photo of an orange computer mouse"}
-{"tag": "colors", "include": [{"class": "cake", "count": 1, "color": "red"}], "prompt": "a photo of a red cake"}
-{"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": "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": "position", "include": [{"class": "cup", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below a cup"}
-{"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": "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": "baseball bat", "count": 1}, {"class": "tie", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tie right of a baseball bat"}
-{"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": "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": "tv", "count": 1}, {"class": "apple", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an apple above a tv"}
-{"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": "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": "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": "train", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of a train"}
-{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dog above a cow"}
-{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "skateboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a skateboard above a person"}
-{"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": "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": "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": "toothbrush", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below a toothbrush"}
-{"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": "baseball bat", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below a baseball bat"}
-{"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": "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": "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": "umbrella", "count": 1}, {"class": "tv remote", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv remote left of an umbrella"}
-{"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": "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": "elephant", "count": 1}, {"class": "hair drier", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hair drier below an elephant"}
-{"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": "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": "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": "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": "toothbrush", "count": 1}, {"class": "kite", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a kite above a toothbrush"}
-{"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": "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": "zebra", "count": 1}, {"class": "skis", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a skis right of a zebra"}
-{"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": "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": "skateboard", "count": 1}, {"class": "hot dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hot dog right of a skateboard"}
-{"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": "toilet", "count": 1}, {"class": "hair drier", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hair drier left of a toilet"}
-{"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": "skis", "count": 1}, {"class": "suitcase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a suitcase above a skis"}
-{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "book", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a book above a laptop"}
-{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toothbrush below a pizza"}
-{"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": "position", "include": [{"class": "sink", "count": 1}, {"class": "tie", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tie above a sink"}
-{"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": "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": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "elephant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an elephant below a surfboard"}
-{"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": "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": "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": "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": "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": "horse", "count": 1}, {"class": "frisbee", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a frisbee below a horse"}
-{"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": "cow", "count": 1}, {"class": "tv", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv below a cow"}
-{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "elephant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an elephant below a horse"}
-{"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": "airplane", "count": 1}, {"class": "train", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a train below an airplane"}
-{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below a backpack"}
-{"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": "knife", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below a knife"}
-{"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": "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": "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": "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": "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": "airplane", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below an airplane"}
-{"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": "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": "broccoli", "count": 1}, {"class": "zebra", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a zebra below a broccoli"}
-{"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": "baseball bat", "count": 1}, {"class": "truck", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a truck left of a baseball bat"}
-{"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": "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": "bear", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of a bear"}
-{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below a scissors"}
-{"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": "broccoli", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above a broccoli"}
-{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "frisbee", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a frisbee above a truck"}
-{"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": "boat", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bus above 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": "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": "position", "include": [{"class": "bottle", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above a bottle"}
-{"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": "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": "bed", "count": 1}, {"class": "zebra", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a zebra right of a bed"}
-{"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": "frisbee", "count": 1}, {"class": "bed", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bed right of a frisbee"}
-{"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": "tv", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of a tv"}
-{"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": "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": "tv", "count": 1}, {"class": "clock", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a clock below a tv"}
-{"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": "cat", "count": 1}, {"class": "donut", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a donut below a cat"}
-{"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": "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": "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": "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": "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": "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": "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": "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": "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": "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": "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": "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": "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": "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": "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": "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": "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": "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": "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": "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": "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": "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": "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": "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": "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": "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": "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": "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": "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": "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": "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": "umbrella", "count": 1, "color": "red"}, {"class": "couch", "count": 1, "color": "blue"}], "prompt": "a photo of a red umbrella and a blue couch"}
-{"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": "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": "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": "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": "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": "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": "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": "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": "tie", "count": 1, "color": "white"}, {"class": "skateboard", "count": 1, "color": "purple"}], "prompt": "a photo of a white tie and a purple skateboard"}
-{"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": "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": "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": "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": "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": "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": "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": "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": "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": "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": "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": "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": "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": "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": "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": "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": "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": "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": "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": "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": "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": "cup", "count": 1, "color": "green"}, {"class": "bowl", "count": 1, "color": "yellow"}], "prompt": "a photo of a green cup and a yellow bowl"}
-{"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": "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": "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": "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": "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": "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": "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": "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": "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": "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": "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": "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": "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": "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": "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": "suitcase", "count": 1, "color": "purple"}, {"class": "pizza", "count": 1, "color": "orange"}], "prompt": "a photo of a purple suitcase and an orange pizza"}
-{"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": "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": "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": "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": "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": "broccoli", "count": 1, "color": "pink"}, {"class": "sink", "count": 1, "color": "red"}], "prompt": "a photo of a pink broccoli and a red sink"}
-{"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": "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": "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": "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": "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": "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": "banana", "count": 1, "color": "white"}, {"class": "elephant", "count": 1, "color": "black"}], "prompt": "a photo of a white banana and a black elephant"}
-{"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": "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": "knife", "count": 1, "color": "brown"}, {"class": "donut", "count": 1, "color": "blue"}], "prompt": "a photo of a brown knife and a blue donut"}
-{"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": "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": "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": "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": "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": "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"}
diff --git a/eval/gen/geneval/prompts/evaluation_metadata_long.jsonl b/eval/gen/geneval/prompts/evaluation_metadata_long.jsonl
deleted file mode 100644
index 7d9f82584cdb7409fc7b240267d0ce6fa93570f1..0000000000000000000000000000000000000000
--- a/eval/gen/geneval/prompts/evaluation_metadata_long.jsonl
+++ /dev/null
@@ -1,553 +0,0 @@
-{"tag": "single_object", "include": [{"class": "bench", "count": 1}], "prompt": "A realistic wooden bench sits on a flat surface. The bench is crafted from dark oak, with a smooth, polished texture that reflects light subtly. Its seat is long and rectangular, supported by four sturdy legs, each positioned evenly at the corners. The backrest is slightly curved, consisting of vertical slats, evenly spaced and securely attached. The wood grain is visible throughout, with natural variations in tone and pattern. The edges of the bench are neatly rounded, giving it a refined appearance. The overall structure is solid and stable, emphasizing durability in its photographic realism."}
-{"tag": "single_object", "include": [{"class": "cow", "count": 1}], "prompt": "A realistic cow stands on a grassy field. Its coat is a mix of white and black patches, with smooth fur that catches the sunlight. The cow's large, dark eyes appear glossy, reflecting light naturally. Its ears are slightly pointed and positioned on either side of its head. A broad pink nose sits at the center of its face, with visible nostrils. The cow's sturdy legs are straight, ending in hooves that rest firmly on the ground. Its tail hangs down, thin and slightly tufted at the end. The overall appearance is lifelike, capturing every photographic detail."}
-{"tag": "single_object", "include": [{"class": "bicycle", "count": 1}], "prompt": "A realistic bicycle stands upright on a flat surface. The frame is metallic with a sleek and polished finish, showcasing its smooth texture. The handlebars are slightly curved, wrapped in black rubber grips that appear worn but firm. The tires are black with detailed treads, and the spokes are thin, evenly spaced, and made of shiny silver metal. The chain runs tightly along the sprockets, with a faint metallic sheen visible under the light. The seat is black, slightly cushioned, and angular in shape. Its photographic quality emphasizes the intricate detailing and lifelike appearance of every component."}
-{"tag": "single_object", "include": [{"class": "clock", "count": 1}], "prompt": "A realistic clock hangs against a plain white wall. The circular frame is metallic, with a polished silver finish that reflects light subtly. The face of the clock is white, smooth, and clean, showing no marks or blemishes. Black numerals are evenly spaced around the face, bold and sharp in contrast to the white background. The sleek black minute and hour hands point precisely, while a thin red second hand moves smoothly around the dial. The glass cover over the face is clear and without scratches, giving the clock a photographic clarity."}
-{"tag": "single_object", "include": [{"class": "carrot", "count": 1}], "prompt": "A single carrot lies flat on a smooth surface. It is elongated and tapers to a narrow point at one end. The vibrant orange skin is slightly textured, showcasing realistic detail and subtle imperfections. Faint ridges run lengthwise along its surface, adding to its lifelike appearance. The green stem at the top is short and trimmed, with a few uneven edges visible. The carrot's overall shape is slightly curved, mimicking the natural growth of real-world produce. The photographic style emphasizes its vivid color and organic texture, creating a true-to-life portrayal of the vegetable."}
-{"tag": "single_object", "include": [{"class": "suitcase", "count": 1}], "prompt": "A realistic suitcase stands upright on a flat surface. It is rectangular in shape with slightly rounded edges. The exterior is made of smooth, dark brown leather that appears slightly worn, with subtle creases and scuff marks adding to its lifelike texture. The metallic latches on the front are polished and reflect light, showing their sturdy construction. Two leather straps with small buckles are secured across the front, their edges faintly frayed from use. A single, curved leather handle is positioned at the top, showing signs of consistent handling. The photographic detail captures every stitch along its seams."}
-{"tag": "single_object", "include": [{"class": "fork", "count": 1}], "prompt": "A realistic metal fork lies flat on a smooth surface. The fork is made of stainless steel, showcasing a polished, reflective finish. Its four evenly spaced tines are straight and slightly tapered at the tips. The handle is long and slender, with a subtle curve near the end for a comfortable grip. Fine detailing along the edges gives the handle a clean, defined appearance. The surface of the fork is smooth, with no scratches or imperfections visible. The lighting captures a photographic clarity, highlighting the sheen of the metal and the precise craftsmanship."}
-{"tag": "single_object", "include": [{"class": "surfboard", "count": 1}], "prompt": "A single surfboard stands upright on a sandy beach. Its surface is smooth and polished, with a realistic fiberglass finish that gleams under the sunlight. The top features a vibrant blue gradient that transitions into white near the center. The edges are precise and curved, giving it a streamlined appearance. Three small fins, evenly spaced, are attached to the underside near the tail, each crafted in a solid black material. A faint logo is printed near the top, adding a subtle touch. The overall design looks photographic, capturing the lifelike textures and colors of a well-crafted surfboard."}
-{"tag": "single_object", "include": [{"class": "refrigerator", "count": 1}], "prompt": "A realistic refrigerator stands upright against a plain background. Its surface is smooth, metallic, and reflective, with a polished stainless steel finish. The handles are prominently positioned on the doors, crafted from the same material but slightly darker in tone. The upper door is larger, clearly designed for refrigeration, while the lower door is smaller, indicating a freezer compartment. Faint smudges on the surface suggest prior handling, adding to its lifelike appearance. The corners are slightly rounded, giving it a modern yet functional design. The refrigerator's overall structure is tall and rectangular, emphasizing a photographic realism in its details."}
-{"tag": "single_object", "include": [{"class": "cup", "count": 1}], "prompt": "A realistic ceramic cup sits upright on a flat surface. Its smooth surface is a soft, matte white, free of any patterns or designs. The cylindrical shape tapers slightly inward near the base. A sturdy handle, rounded and symmetrical, is attached to one side. The rim is evenly curved and clean, with no visible chips or imperfections. The cup's interior is light gray, contrasting subtly with the exterior. Shadows along its base suggest a natural light source from above, emphasizing its dimensionality. The photographic quality captures every detail precisely, showcasing the cup as a lifelike and tangible object."}
-{"tag": "single_object", "include": [{"class": "microwave", "count": 1}], "prompt": "A realistic microwave sits on a countertop. The exterior is metallic silver with a polished finish, reflecting light softly. The door occupies the front face, framed by a thin black border. A transparent glass panel is embedded in the door, showing the interior faintly. The handle is positioned vertically on the right side of the door, made of smooth silver metal. Below the door, a black digital control panel displays small buttons arranged in rows, each labeled clearly. The microwave's corners are slightly rounded, and the surface is clean without scratches. Its modern design emphasizes functionality in a photographic style."}
-{"tag": "single_object", "include": [{"class": "potted plant", "count": 1}], "prompt": "A realistic ceramic pot sits on a flat surface. The pot is a smooth, matte white with faint ridges along its exterior. A lush green plant grows from the soil inside the pot, its leaves broad and slightly glossy. Each leaf has visible veins running through it, adding texture to the lifelike foliage. The soil is dark brown, appearing slightly damp near the base of the plant. The rim of the pot is clean and unadorned, providing a simple contrast to the vibrant greenery above. The composition is photographic in style, emphasizing the natural details of the plant and pot."}
-{"tag": "single_object", "include": [{"class": "snowboard", "count": 1}], "prompt": "A snowboard lies flat on the ground. It has a rectangular shape with curved edges and a smooth surface. The top side is painted in a glossy white finish with faint scratches visible across the surface. The bottom side displays a matte black design with subtle streaks of wear from previous use. The bindings, positioned symmetrically near the center, are made of durable black plastic with metallic buckles for securing boots. The snowboard's length is proportionate for an adult rider, and its structure appears sturdy and well-crafted. The overall appearance is captured in a realistic, photographic style."}
-{"tag": "single_object", "include": [{"class": "zebra", "count": 1}], "prompt": "A realistic zebra stands on a grassy plain. Its body is covered in black and white stripes, each stripe sharply contrasted and evenly spaced. The fur is short and smooth, giving a photographic sense of texture. Its head is slightly tilted to one side, and the ears are upright with soft edges. The mane runs along the top of the neck, featuring short, vertical black hairs. The tail hangs down, ending in a tuft of black fur. Its hooves are solid and dark, firmly planted on the ground. The eyes are large and glossy, adding lifelike detail to its expression."}
-{"tag": "single_object", "include": [{"class": "parking meter", "count": 1}], "prompt": "A realistic parking meter stands upright on a concrete sidewalk. Its metallic body is painted a dull gray, with slight scuff marks and scratches visible on the surface. The circular display at the top shows faint signs of wear, with small numbers and labels etched into the glass. A coin slot is positioned below the display, bordered by a thin metal frame. The meter\u2019s base is securely bolted to the ground, and its cylindrical shape tapers slightly towards the top. The overall texture is smooth but weathered, adding to its photographic realism."}
-{"tag": "single_object", "include": [{"class": "spoon", "count": 1}], "prompt": "A realistic silver spoon lies flat on a smooth surface. The handle is elongated, tapering gently toward the end, and features a polished finish that gleams under soft lighting. The bowl of the spoon is rounded and shallow, with subtle curves that reflect light in a lifelike manner. Fine scratches and faint imperfections are visible on the metal, adding to its authentic appearance. The material appears solid and sturdy, with a weighty presence conveyed through its photographic detail. The edge of the spoon is smooth, and the contour transitions seamlessly from the handle to the bowl."}
-{"tag": "single_object", "include": [{"class": "skateboard", "count": 1}], "prompt": "A realistic skateboard is positioned upright on a concrete surface. Its deck is made of polished wood, showcasing natural grain patterns with a slight sheen. The grip tape on the top side is coarse and dark black, evenly applied across the surface. Four wheels are visible underneath, each made of durable polyurethane and colored a pale white, with faint scuff marks. The truck hardware is metallic silver, securely fastened to the underside of the deck. Small scratches and wear marks along the edges of the skateboard indicate frequent use. The photographic detail highlights its lifelike texture and craftsmanship."}
-{"tag": "single_object", "include": [{"class": "car", "count": 1}], "prompt": "A realistic car is parked on a flat asphalt surface. Its exterior is metallic silver, reflecting light with a smooth and polished finish. The front grille is prominently visible, featuring intricate horizontal slats. The headlights are sleek and clear, with a glass-like appearance. Its tires are black with a textured rubber surface, and the rims are shiny chrome. The windows are tinted, showing a subtle dark hue against the surrounding reflections. The side mirrors protrude slightly, matching the car's silver body. The car doors are closed, with faint lines marking their edges. The overall style resembles a photographic image."}
-{"tag": "single_object", "include": [{"class": "motorcycle", "count": 1}], "prompt": "A realistic motorcycle stands stationary on a paved surface. The body is sleek and metallic, with a polished black paint finish reflecting light. The wheels are circular, fitted with smooth rubber tires and silver rims. The handlebars are straight and positioned at the front, featuring black rubber grips. The seat is matte black with a slightly curved design for comfort. The engine is visible beneath the frame, showcasing intricate metallic components with a silvery-gray tone. The exhaust pipe extends from the engine, its metallic surface catching subtle highlights. The motorcycle's structure appears sturdy and well-maintained, conveying a photographic realism."}
-{"tag": "single_object", "include": [{"class": "traffic light", "count": 1}], "prompt": "A realistic traffic light stands upright on a metal pole. The pole is cylindrical and painted dark gray, with a matte finish. The traffic light itself has a rectangular frame made of black metal, housing three circular lights. The lights are placed vertically, with the red light at the top, the yellow light in the center, and the green light at the bottom. Each light has a glass covering, which reflects the surrounding environment subtly. The red light is illuminated, glowing brightly with a vibrant hue. The background and setting are not visible, focusing solely on the photographic depiction of the traffic light."}
-{"tag": "single_object", "include": [{"class": "book", "count": 1}], "prompt": "A closed book lies flat on a clean, white surface. The cover is dark brown with a slightly worn, textured leather appearance. The edges of the cover show faint scuff marks, adding to its realistic, aged look. The spine is sturdy and straight, with subtle creases along its length. The pages are neatly aligned, their edges a soft beige tone that suggests age and frequent use. A thin ribbon bookmark, deep crimson in color, peeks out slightly from the bottom. The overall composition emphasizes a photographic realism, capturing every detail of the book's structure and texture with lifelike precision."}
-{"tag": "single_object", "include": [{"class": "couch", "count": 1}], "prompt": "A realistic couch stands in the center of the frame. It is upholstered in soft, textured fabric of a deep charcoal gray color. The surface appears slightly worn, with faint creases visible on the cushions. The couch has a sturdy rectangular shape, supported by four dark wooden legs with a smooth finish. The backrest is high and evenly padded, providing a sense of comfort. Two armrests are positioned symmetrically on either side, gently curved at the edges. The lighting highlights the subtle variations in the fabric, creating a photographic representation of its lifelike details."}
-{"tag": "single_object", "include": [{"class": "backpack", "count": 1}], "prompt": "A realistic backpack sits upright on a flat surface. It is made of durable, dark gray fabric with a slightly textured appearance. The backpack has two adjustable shoulder straps hanging loosely at the sides. A large main compartment is visible, closed with a sturdy zipper that runs along the top edge. The front pocket is smaller, also secured with a zipper, and centered on the backpack's face. The fabric edges are neatly stitched, showcasing precision craftsmanship. The backpack appears clean and well-maintained, with no visible signs of wear. The photographic style highlights the lifelike details of its material and design."}
-{"tag": "single_object", "include": [{"class": "computer keyboard", "count": 1}], "prompt": "A realistic computer keyboard lies flat on a smooth, dark surface. The keyboard is rectangular in shape with evenly spaced keys. Each key is black with clearly printed white letters and symbols visible on its surface. The texture of the keys is matte, showing subtle wear from regular use. Along the bottom edge, a small spacebar spans horizontally, slightly wider than the other keys. The overall design is modern, with clean lines and a sturdy frame. The photographic detail captures the intricate contours and shadows of the keys and the keyboard\u2019s edges under soft lighting."}
-{"tag": "single_object", "include": [{"class": "toaster", "count": 1}], "prompt": "A sleek, silver toaster sits on a clean, flat surface. The toaster has a rectangular shape with rounded edges and a metallic finish that reflects light realistically. Two vertical slots are centered on the top, each with a narrow opening for bread slices. The front features a single, chrome-plated lever with a textured grip for easy handling. Below the lever, a small dial with numerical markings adjusts the browning level. The base of the toaster is matte black, providing a subtle contrast to the shiny body. The overall design is minimalist and functional, rendered in a photographic, lifelike style."}
-{"tag": "single_object", "include": [{"class": "bird", "count": 1}], "prompt": "A realistic bird perched on a thin branch. Its feathers are a mix of soft brown and white tones, creating a natural, lifelike pattern. The bird's beak is small and pointed, a pale yellow color with a smooth finish. Its eyes are round, dark, and glossy, reflecting light in a photographic manner. The wings are folded close to its body, showing intricate feather details with subtle shading. The legs are thin and slightly curved, with a muted gray hue. Its posture is upright and calm, capturing the essence of a real-world bird in photographic quality."}
-{"tag": "single_object", "include": [{"class": "bowl", "count": 1}], "prompt": "A realistic ceramic bowl sits on a flat surface. It is round with smooth, curved edges and a wide, shallow shape. The outer surface of the bowl is matte and evenly coated in a pale, off-white color. The inner surface is slightly glossy, reflecting light subtly, and features a uniform finish. The rim of the bowl is unadorned, cleanly defined, and free of chips or cracks. The base of the bowl is small and circular, providing stable support. Its appearance is minimalistic and functional, emphasizing simplicity. The photographic detail highlights the fine texture of the ceramic material."}
-{"tag": "single_object", "include": [{"class": "dog", "count": 1}], "prompt": "A realistic golden retriever sits on a patch of green grass. Its fur is thick and golden, with a soft texture that appears slightly ruffled by the wind. The dog's eyes are large and dark brown, reflecting a gentle and intelligent expression. Its nose is black and slightly moist, showcasing lifelike detail. The ears are floppy, hanging down along the sides of its head. Its tail is long and bushy, resting lightly on the ground behind it. The photograph captures the realistic pose and texture of the dog, emphasizing its lifelike appearance against a natural outdoor setting."}
-{"tag": "single_object", "include": [{"class": "tie", "count": 1}], "prompt": "A realistic tie hangs vertically against a plain white background. It is made of smooth silk fabric with a subtle sheen that reflects light. The tie features a deep navy-blue base color, evenly dyed throughout its surface. Thin diagonal stripes in silver run across the tie, spaced in parallel rows. The pointed tip at the bottom is neatly tapered, showcasing precise craftsmanship. Its length appears proportional, with the narrow end slightly visible behind the broader front. The fabric edges are cleanly stitched, creating sharp, defined lines. The overall appearance is photographic, highlighting every detail with lifelike clarity."}
-{"tag": "single_object", "include": [{"class": "laptop", "count": 1}], "prompt": "A silver laptop sits on a flat surface. Its metallic body has a smooth and brushed texture, reflecting light subtly. The screen is open at a slight angle, displaying a dark, realistic glare on the glass surface. The keyboard is visible, with evenly spaced black keys that have a matte finish. The trackpad is centered below the keyboard, with a smooth, slightly reflective surface. The edges of the laptop are clean and sharp, emphasizing its modern design. The entire object is presented in a photographic style, highlighting its lifelike details and realistic proportions."}
-{"tag": "single_object", "include": [{"class": "computer mouse", "count": 1}], "prompt": "A realistic computer mouse lies on a smooth, flat surface. It is black with a matte finish, and the body curves gently to fit the contours of a hand. The left and right buttons are distinct, separated by a thin, slightly raised scroll wheel in the center. The underside is flat and features a small, visible sensor near the center. The sides are textured for grip, adding subtle detail to its design. A sleek, unbroken wire extends from the front, emphasizing its functionality. The overall appearance is clean and modern, with a photographic attention to detail."}
-{"tag": "single_object", "include": [{"class": "sandwich", "count": 1}], "prompt": "A realistic sandwich lies on a flat surface. The bread is golden brown with a lightly toasted texture and soft edges. Each slice has visible grains scattered across its surface, emphasizing its natural look. The sandwich filling includes vibrant layers of fresh lettuce, with crisp green leaves peeking out. Juicy red tomato slices are stacked neatly, their glossy skins catching the light. Thin layers of creamy mayonnaise are spread evenly along the inner sides of the bread. The sandwich appears freshly made, with ingredients carefully placed for a photographic depiction that highlights its appetizing realism."}
-{"tag": "single_object", "include": [{"class": "baseball bat", "count": 1}], "prompt": "A realistic wooden baseball bat lies on a clean surface. The bat is elongated and smooth, with a tapered shape that narrows toward the handle. The wood grain is visible, running along its length in natural, linear patterns. The bat's finish is polished, reflecting light subtly across its surface. Its color is a warm, natural shade of beige, typical of untreated wood. The rounded tip at the top is slightly darker, showing faint signs of wear. The grip near the handle is thinner, designed for ease of holding. Overall, the bat showcases a photographic level of detail and lifelike texture."}
-{"tag": "single_object", "include": [{"class": "train", "count": 1}], "prompt": "A realistic train sits on steel tracks. The train is long and painted a deep metallic gray with streaks of weathered silver along its surface. Its exterior appears smooth and solid, with rivets visible in the metal panels. The front of the train has a sleek, aerodynamic shape, with a large, clear glass window at the helm. The wheels are made of dark steel, positioned evenly under the body, and show slight wear from use. The train\u2019s headlights, mounted at the front, are circular and emit a faint reflection. The photographic style highlights every detail with lifelike precision."}
-{"tag": "single_object", "include": [{"class": "cell phone", "count": 1}], "prompt": "A realistic cell phone lies flat on a smooth, gray surface. The device has a rectangular shape with rounded edges and a metallic silver finish. The screen dominates the front, appearing dark and reflective, with no visible smudges or fingerprints. The slim black bezel surrounds the screen evenly, giving it a clean and modern look. On the side, faint metallic buttons are visible, positioned flush against the edge. The back of the phone features a glossy finish, reflecting subtle light, with no scratches or imperfections. The design is sleek and photographic, emphasizing its polished and lifelike appearance."}
-{"tag": "single_object", "include": [{"class": "chair", "count": 1}], "prompt": "A realistic wooden chair stands upright on a solid floor. The chair is made of polished oak, with a natural brown finish that highlights the wood grain. Its backrest is tall and slightly curved, featuring vertical slats evenly spaced. The seat is rectangular, smooth, and flat, with rounded edges for comfort. Four sturdy legs support the chair, each positioned at a slight outward angle for stability. The legs are cylindrical in shape and taper slightly toward the base. The overall design is simple and functional, with a photographic precision that captures every detail of its craftsmanship."}
-{"tag": "single_object", "include": [{"class": "tv", "count": 1}], "prompt": "A realistic television stands on a simple surface. The screen is large and rectangular, framed by a slim black bezel with a smooth, glossy finish. Its reflective surface shows faint hints of its surroundings, emphasizing its lifelike detail. The lower edge of the bezel features a subtle, barely noticeable logo in the center. Thin, metallic legs support the television on either side, positioned symmetrically for balance. The back panel is matte black, textured with faint horizontal vent lines. The overall design is sleek and modern, capturing the photographic realism of high-quality consumer electronics."}
-{"tag": "single_object", "include": [{"class": "broccoli", "count": 1}], "prompt": "A single realistic broccoli sits upright on a plain surface. Its vibrant green florets are tightly clustered, forming a dense, textured crown. The florets have a slightly uneven shape, with some edges curling naturally, showcasing the organic detail. The stem is thick and sturdy, a pale green with faint vertical striations running along its length. The surface of the crown is matte, with a faintly rough texture resembling tiny individual buds. The broccoli appears fresh, with no blemishes or discoloration. Its photographic realism highlights the intricate details of its structure and natural coloration."}
-{"tag": "single_object", "include": [{"class": "bed", "count": 1}], "prompt": "A realistic bed is positioned centrally within the scene. The frame is made of polished dark wood, showcasing a smooth and sturdy surface. The mattress is covered with a neatly tucked white cotton sheet, displaying a subtle texture and crisp corners. A soft, gray blanket lies across the lower half of the bed, its folds natural and lifelike. Two rectangular pillows rest side by side at the top, encased in matching white pillowcases. The overall presentation conveys a clean, photographic quality with attention to detail in the fabric and wooden craftsmanship."}
-{"tag": "single_object", "include": [{"class": "skis", "count": 1}], "prompt": "A pair of realistic skis lies flat on a snowy surface. Each ski is sleek and elongated, with a smooth finish and a slightly tapered tip at the front. The top surface of the skis is painted in a matte black color, accented with faint white stripes running vertically along their length. The bindings are securely mounted at the center, featuring metallic components with subtle scratches that give a used yet functional appearance. The edges of the skis are sharp and clean, designed for precision. The overall scene is lifelike, capturing the photographic realism of the skis in detail."}
-{"tag": "single_object", "include": [{"class": "handbag", "count": 1}], "prompt": "A realistic leather handbag sits upright on a flat surface. The material is smooth and polished, with subtle creases that emphasize its authenticity. Its rich brown color is warm and evenly distributed across the exterior. The handles are sturdy and curved, attached firmly at the top with metallic clasps. A zippered closure runs along the upper edge, with the zipper teeth glinting slightly in the light. The base of the handbag is flat, providing stable support. Fine stitching lines the edges, matching the color of the leather. The photographic lighting highlights the texture and craftsmanship of the handbag."}
-{"tag": "single_object", "include": [{"class": "pizza", "count": 1}], "prompt": "A realistic pizza sits on a flat surface. The crust is golden-brown with a slightly uneven texture, showing a crisp edge. The melted cheese spreads across the top, bubbling in some areas and blending smoothly. Fresh tomato sauce is visible beneath the cheese, its vibrant red color peeking through. Slices of pepperoni dot the surface, their edges slightly curled and browned. Small flecks of herbs are scattered across, adding green accents to the pizza. The surface glistens with a slight sheen from the oils. The overall presentation is warm, inviting, and photographic in detail."}
-{"tag": "single_object", "include": [{"class": "frisbee", "count": 1}], "prompt": "A realistic frisbee lies on a grassy field. The object is circular in shape with smooth, curved edges. It has a solid, glossy surface that reflects sunlight subtly. The color is a vibrant blue, evenly distributed across the surface without discoloration. Faint grooves run along the rim, adding texture and detail. The center of the frisbee displays a slight indentation, which is common in its design. The material appears to be durable plastic, with a clean and polished finish. The frisbee is positioned flat against the grass, showcasing its lifelike appearance with photographic clarity."}
-{"tag": "single_object", "include": [{"class": "scissors", "count": 1}], "prompt": "A realistic pair of scissors lies on a flat surface. The blades are metallic, smooth, and slightly reflective, showing a polished finish. The handles are made of black plastic, shaped into two symmetrical loops for gripping. The hinge connecting the blades appears sturdy, with a small, silver screw securing the structure. The tips of the blades are pointed and precise, designed for fine cutting. The scissors are positioned closed, with the blades resting neatly against each other. The photographic style captures the object with accurate textures and lifelike details, emphasizing its functional design and material composition."}
-{"tag": "single_object", "include": [{"class": "bottle", "count": 1}], "prompt": "A realistic glass bottle stands upright on a flat surface. The bottle is transparent, with a smooth, reflective surface that catches the light. Its cylindrical body tapers slightly toward the neck, which is narrower and leads to a rounded rim. The glass appears pristine, free of any imperfections or scratches. Faint light reflections highlight the contours of the bottle, emphasizing its three-dimensional form. The clarity of the glass reveals no contents inside, making it appear empty. The overall appearance is clean and photographic, showcasing the bottle in lifelike detail."}
-{"tag": "single_object", "include": [{"class": "elephant", "count": 1}], "prompt": "A realistic elephant stands on dry, cracked soil. Its large, wrinkled skin is gray with subtle variations of darker and lighter tones across its massive body. The trunk is long and textured, coiled slightly at the tip, and dotted with fine creases. Two tusks, smooth and ivory-colored, curve outward symmetrically from its mouth. Its ears are wide and fan-shaped, extending outward with visible veins beneath the leathery surface. The elephant\u2019s eyes are deep brown, small in proportion, and framed by thick folds of skin. Its legs are sturdy and column-like, capped with broad, rough feet. The photographic detail highlights every crease and texture."}
-{"tag": "single_object", "include": [{"class": "toilet", "count": 1}], "prompt": "A modern white toilet stands against a neutral bathroom wall. The surface of the toilet is smooth and glossy, reflecting light in a subtle, realistic way. The tank at the back is rectangular with clean, sharp edges and a flat lid resting securely on top. The bowl is rounded and symmetrical, with a polished finish that suggests cleanliness. A silver handle is attached to the left side of the tank, metallic and slightly curved. The base of the toilet is solid and sturdy, narrowing slightly as it meets the floor. The overall appearance is sleek and photographic, emphasizing its real-world presence."}
-{"tag": "single_object", "include": [{"class": "oven", "count": 1}], "prompt": "A realistic oven stands upright against a neutral background. The exterior is stainless steel, polished to a smooth finish, with faint reflections visible on its surface. The oven door is centered, featuring a large rectangular glass panel that is clean and slightly transparent. A metallic handle spans horizontally across the top of the door, firmly attached at both ends. The control knobs are aligned in a single row above the door, each circular and precisely detailed. The corners of the oven are sharp and well-defined, emphasizing its box-like shape. The photographic style highlights its modern, utilitarian design."}
-{"tag": "single_object", "include": [{"class": "orange", "count": 1}], "prompt": "A realistic orange sits on a smooth surface. The orange is round and slightly textured, with clearly visible dimples covering its skin. Its color is vibrant and rich, blending shades of deep orange and lighter tones. The peel appears thick and unbroken, showcasing a natural, slightly matte finish. A small stem nub is present at the top, adding to its lifelike appearance. The lighting highlights the orange's curves, creating subtle shadows around its edges. The overall composition emphasizes the fruit's photographic realism, capturing its natural form and details with lifelike precision."}
-{"tag": "single_object", "include": [{"class": "person", "count": 1}], "prompt": "A realistic depiction of a person standing upright. The individual has a composed posture, with their arms resting naturally at their sides. Their skin is smooth and lifelike, displaying natural tones and subtle imperfections. The face is clearly visible, with well-defined features, including sharp cheekbones and expressive eyes. The hair is neatly groomed, with strands appearing textured and realistic under soft lighting. The clothing fits naturally, with visible fabric folds and a slight sheen that reflects light. Shadows fall gently along their frame, emphasizing depth and dimension. The overall photographic quality captures precise, lifelike details of their appearance."}
-{"tag": "single_object", "include": [{"class": "teddy bear", "count": 1}], "prompt": "A realistic teddy bear sits upright on a wooden surface. Its fur is soft and textured, with a light brown color that appears slightly worn in areas. The button eyes are round, black, and glossy, reflecting the surrounding light. A small stitched nose, dark brown, is centered perfectly above its gentle smile. The bear's limbs are plush and slightly rounded, with subtle stitching along the edges. Its left ear tilts slightly forward, adding a sense of character. The overall appearance is lifelike and photographic, showcasing the intricate details of its fabric and design."}
-{"tag": "single_object", "include": [{"class": "vase", "count": 1}], "prompt": "A realistic ceramic vase stands upright on a smooth surface. The vase is tall and cylindrical, with a slight taper near the top. Its surface is glossy, reflecting light in subtle highlights. The color is a deep, earthy brown, evenly distributed across its exterior. The texture is smooth and polished, free of any visible imperfections. At the top, the rim is slightly rounded, and the opening is narrow. The vase appears sturdy and well-crafted, with no ornate patterns or decorations. This photographic depiction emphasizes the simplicity and elegance of the vase in lifelike detail."}
-{"tag": "single_object", "include": [{"class": "banana", "count": 1}], "prompt": "A single yellow banana lies on a flat surface. Its peel is smooth with a slight curve, showcasing a realistic texture. The yellow skin has small, natural brown speckles scattered unevenly, indicating ripeness. The banana\u2019s tip is slightly darker, transitioning to a soft brown shade. Its stem is intact, short, and slightly frayed at the end. The surface of the peel reflects a subtle, natural sheen under soft lighting. The overall shape is elongated and gently curved, embodying a lifelike appearance. The photographic realism captures every detail, making the banana appear tangible and true to life."}
-{"tag": "single_object", "include": [{"class": "toothbrush", "count": 1}], "prompt": "A single toothbrush lies flat on a clean, white bathroom countertop. The handle is made of smooth, realistic plastic, predominantly white with a light blue rubber grip for added texture. The bristles are evenly arranged in neat rows, with a mix of soft white and blue fibers, slightly bent at the tips as if recently used. The neck of the toothbrush tapers slightly, connecting the handle to the bristled head with a subtle curve. The overall appearance is clean and photographic, capturing the fine details of its everyday design and functionality."}
-{"tag": "single_object", "include": [{"class": "tv remote", "count": 1}], "prompt": "A realistic TV remote lies flat on a smooth wooden surface. The remote is rectangular with rounded edges and a matte black finish. Its buttons are arranged in neat rows, each labeled with small white text. A red power button is positioned at the top left, standing out against the dark background. The volume and channel buttons are larger and centrally located for accessibility. The surface of the remote is slightly textured, providing grip. A small infrared sensor is visible at the top edge. The overall appearance is clean and photographic, emphasizing lifelike details."}
-{"tag": "single_object", "include": [{"class": "dining table", "count": 1}], "prompt": "A realistic wooden dining table stands under soft, natural lighting. The surface is smooth with a polished finish, showcasing the natural grain of the wood in warm brown tones. The rectangular tabletop has slightly rounded edges, giving it a refined yet sturdy appearance. The four legs are evenly positioned at each corner, thick and straight, supporting the table with a robust, stable design. Subtle imperfections, such as minor knots and texture variations, emphasize its authentic wooden craftsmanship. The overall appearance is clean and functional, exuding a photographic sense of realism and practicality in its design."}
-{"tag": "single_object", "include": [{"class": "stop sign", "count": 1}], "prompt": "A realistic stop sign stands upright in the center of the scene. The octagonal shape is precise and well-defined, with sharp edges. Its surface is painted a vivid red, bright and evenly coated. The word \"STOP\" is printed in bold, white, uppercase letters, centered and clearly legible. The sign is made of metal, with a slightly reflective finish that catches the light. The pole supporting the sign is silver, cylindrical, and smooth, extending vertically beneath it. The photographic style captures every detail with clarity, emphasizing the texture and color of the sign and its sturdy construction."}
-{"tag": "single_object", "include": [{"class": "sheep", "count": 1}], "prompt": "A realistic sheep stands in a grassy field. Its wool is thick and textured, appearing slightly off-white with shades of gray in certain areas. The ears are pointed and symmetrical, positioned evenly on the sides of its head. Its face is smooth, with light gray tones that contrast the wool. The eyes are dark and round, reflecting light naturally. The hooves are small, black, and cleanly visible at the base of its legs. The sheep\u2019s posture is upright and steady, with its neck slightly raised. The photographic detail captures every subtle feature of its lifelike appearance."}
-{"tag": "single_object", "include": [{"class": "fire hydrant", "count": 1}], "prompt": "A fire hydrant stands upright on a concrete sidewalk. It is painted bright red, with a smooth metallic texture and faint signs of wear along its curved surface. The top is rounded, featuring a silver cap with visible bolts. Two side nozzles protrude symmetrically from the middle, each capped with silver fittings. The base narrows slightly before widening where it meets the ground. The glossy finish reflects light subtly, enhancing its realistic appearance. The overall design is utilitarian, with small grooves and ridges along the body. This photographic depiction captures the fire hydrant in lifelike detail."}
-{"tag": "single_object", "include": [{"class": "airplane", "count": 1}], "prompt": "A realistic airplane is positioned in the sky. The aircraft features a metallic body with a smooth, polished surface that reflects sunlight. Its wings are wide and sturdy, extending symmetrically on either side of the fuselage. The nose of the airplane is rounded and aerodynamic, designed for efficient flight. The jet engines are securely mounted beneath each wing, with visible turbine details. The tail fin is upright and sharp, completing the sleek design. The windows along the cabin are small and evenly spaced. The photographic style captures every detail with clarity, emphasizing the lifelike quality of the airplane."}
-{"tag": "single_object", "include": [{"class": "giraffe", "count": 1}], "prompt": "A realistic giraffe stands on flat terrain. Its tall, slender neck extends upward, covered in short, tan fur with distinct brown patches spread evenly across its surface. The face is elongated, with large, dark eyes framed by delicate lashes. Two small, fur-covered horns, called ossicones, sit prominently atop its head. The ears are pointed, slightly curved outward, and light brown in color. Its muscular legs are long and firmly planted, showing subtle creases near the joints. The tail is thin and ends in a dark tuft of hair. The overall texture of its body appears smooth yet natural in a photographic style."}
-{"tag": "single_object", "include": [{"class": "horse", "count": 1}], "prompt": "A realistic horse stands on a patch of green grass. Its coat is a deep chestnut brown, smooth and sleek under the sunlight. The mane is slightly windswept, cascading in soft waves down one side of its neck. The tail is long and flows gently, matching the color of the mane. Muscular legs are firmly planted on the ground, showcasing strength and definition. The horse\u2019s large, expressive eyes glimmer with lifelike detail. Its nostrils flare slightly, and the ears are upright, attentive to its surroundings. Every detail reflects a photographic level of realism, capturing the horse's natural beauty vividly."}
-{"tag": "single_object", "include": [{"class": "cat", "count": 1}], "prompt": "A realistic gray cat sits upright on a stone pathway. Its fur is soft and textured, varying in shades of light and dark gray with subtle stripes along its body. The cat\u2019s piercing green eyes are wide and alert, reflecting the light. Its triangular ears are pointed upward, with tiny tufts of fur at the tips. The nose is small and pink, centered above a delicate mouth. Whiskers extend outward on both sides of its face, thin and white. The tail is long and slightly curved, resting gently against the ground. The scene has a photographic quality that captures lifelike details."}
-{"tag": "single_object", "include": [{"class": "donut", "count": 1}], "prompt": "A realistic donut sits on a flat surface. The donut has a golden-brown exterior with a slightly uneven, natural texture. A glossy glaze evenly coats the top, reflecting light in small highlights. The glaze is thin enough to reveal hints of the baked surface underneath. The circular shape is symmetrical, with a smooth, hollow center. The edges appear soft and slightly rounded, indicative of fresh preparation. Fine crumbs cling to parts of the surface, enhancing its lifelike appearance. The overall presentation is photorealistic, capturing the details of a freshly made donut."}
-{"tag": "single_object", "include": [{"class": "boat", "count": 1}], "prompt": "A realistic wooden boat floats gently on calm water. The boat is crafted from smooth, polished planks that showcase a natural brown finish. It features curved edges and a slightly pointed bow, emphasizing its traditional design. The surface of the wood reflects subtle sunlight, highlighting its well-maintained appearance. The interior of the boat is empty, with visible ribbing along the sides. Its hull is slightly submerged, creating ripples around it in the water. The overall texture of the boat is highly detailed, capturing every grain of the wood. This photographic scene focuses solely on the lifelike depiction of the boat."}
-{"tag": "single_object", "include": [{"class": "baseball glove", "count": 1}], "prompt": "A realistic baseball glove lies on a flat surface. The glove is made of brown leather with a slightly worn texture, showing fine creases and scuffs from use. The stitching is visible along the edges, with neat, precise threads in a lighter tan color. The fingers are slightly curved inward, giving the glove a natural, broken-in appearance. The laces are tightly woven, looping through small eyelets along the glove's webbing and wrist area. The interior padding is faintly visible, hinting at its soft cushioning. The overall surface reflects a subtle sheen under the light, emphasizing its high-quality, photographic detail."}
-{"tag": "single_object", "include": [{"class": "hair drier", "count": 1}], "prompt": "A realistic hair dryer sits on a white countertop. It is metallic gray with a matte finish, giving it a sleek and modern appearance. The handle is ergonomic, curving slightly for a comfortable grip. The nozzle at the front is tapered, designed to focus airflow efficiently. Ventilation slits are positioned on the sides near the motor housing, evenly spaced and cleanly cut. The cord extends from the bottom of the handle, black and slightly coiled for flexibility. The surface of the hair dryer reflects soft lighting, enhancing its photographic realism without any exaggerated shine."}
-{"tag": "single_object", "include": [{"class": "sink", "count": 1}], "prompt": "A stainless steel sink is mounted against a tiled wall. Its surface is polished, reflecting light with a realistic metallic sheen. The basin is rectangular, with sharp, clean edges and a smooth texture. A silver faucet is positioned above the center, slightly curved, with a matte finish. The drain is located at the bottom of the basin and features a circular metal strainer. Drops of water cling to the inside of the sink, adding a photographic sense of realism. The entire sink appears functional and well-maintained, emphasizing its practical design and lifelike appearance."}
-{"tag": "single_object", "include": [{"class": "cake", "count": 1}], "prompt": "A realistic cake sits on a smooth surface. The cake is round and evenly layered, with a soft and moist texture visible in its cross-section. Its surface is coated with a glossy, creamy frosting that appears rich and perfectly spread. The color of the frosting is a warm, pale ivory, with subtle, natural variations in tone. The edges are clean and precise, creating a professional and polished appearance. A faint sheen reflects the light, emphasizing its fresh and appetizing quality. The photographic detail highlights every curve and texture, making the cake appear lifelike and ready to enjoy."}
-{"tag": "single_object", "include": [{"class": "wine glass", "count": 1}], "prompt": "A single, realistic wine glass stands upright on a flat surface. The glass is clear and transparent, with a smooth, polished texture that reflects light softly. Its slender stem connects the bowl to the circular, flat base, which is stable and even. The bowl is gently curved, wider at the middle and tapering slightly at the rim, designed to hold liquid. There are no visible imperfections or decorations on the glass, emphasizing its simple elegance. The photographic clarity highlights the precision of its craftsmanship, with subtle reflections adding a lifelike quality."}
-{"tag": "single_object", "include": [{"class": "apple", "count": 1}], "prompt": "A single apple sits on a smooth, neutral surface. Its skin is a deep, realistic red with subtle variations in tone, blending hints of burgundy and crimson. The texture appears glossy, reflecting soft, natural light across its curved surface. A small brown stem protrudes from the top, slightly angled and rough in texture. The rounded shape is symmetrical, with a faint indentation at the base. Tiny imperfections on the skin, such as natural speckles and dimples, add to its photographic realism, making the fruit appear freshly picked."}
-{"tag": "single_object", "include": [{"class": "bus", "count": 1}], "prompt": "A realistic bus is parked on a paved road. The bus is large and rectangular in shape, with smooth, metallic sides. Its exterior is painted in a glossy yellow hue, reflecting light from its clean surface. The windows along the sides are tall and rectangular, made of clear, reflective glass. The front features two large, circular headlights, each set symmetrically above the bumper. The tires are black, wide, and have visible tread patterns, firmly supporting the vehicle. The driver's door is positioned on the left side near the front. The overall appearance is detailed and photographic in quality."}
-{"tag": "single_object", "include": [{"class": "tennis racket", "count": 1}], "prompt": "A realistic tennis racket lies flat on a smooth, neutral surface. The racket's frame is made of sleek, polished graphite, its dark gray color glinting softly under natural lighting. The strings are tightly woven, forming a precise grid pattern with a slightly reflective finish. The handle is wrapped in black grip tape, showing a faint texture that suggests comfort and durability. At the base of the handle, a small metallic cap is visible, adding a subtle shine. The overall design is clean and functional, capturing the essence of a modern, professional tennis racket in photographic detail."}
-{"tag": "single_object", "include": [{"class": "knife", "count": 1}], "prompt": "A stainless steel knife lies flat on a white countertop. The blade is straight and sharp, with a smooth metallic surface that reflects light realistically. The handle is black, made of polished plastic, and features three small silver rivets evenly spaced along its length. The edge of the blade is slightly curved near the tip, while the base of the blade connects seamlessly to the handle. The texture of the handle is sleek and unblemished, providing a firm, ergonomic grip. The overall design of the knife is simple yet functional, captured in a photographic style emphasizing its clean and lifelike detail."}
-{"tag": "single_object", "include": [{"class": "hot dog", "count": 1}], "prompt": "A realistic hot dog lies on a plain white plate. The sausage is a deep golden-brown color, with grill marks running diagonally across its surface. The bun is lightly toasted, displaying a warm beige hue and a soft, pillowy texture. A drizzle of bright yellow mustard lines the center of the sausage, creating a smooth, glossy finish. The edges of the bun curve upward, cradling the hot dog securely in place. The image captures lifelike details of the food, highlighting the subtle sheen on the sausage and the fine crumbs on the bun for a photographic, appetizing presentation."}
-{"tag": "single_object", "include": [{"class": "truck", "count": 1}], "prompt": "A realistic truck sits on an asphalt road. The vehicle is painted a deep, glossy red, with the color reflecting sunlight off its smooth metallic surface. The large front grille is silver, featuring a polished, industrial design. The tires are thick and black, with visible tread patterns that suggest durability. The windows are tinted lightly, allowing faint reflections of the surrounding environment. The headlights are rectangular and clear, their lenses gleaming as though recently cleaned. The truck\u2019s body is wide and sturdy, emphasizing its robust construction. The overall appearance is photographic, showcasing lifelike details and realistic proportions."}
-{"tag": "single_object", "include": [{"class": "umbrella", "count": 1}], "prompt": "A realistic umbrella stands fully open on a flat surface. Its canopy is made of tightly stretched fabric, displaying a smooth texture with faint stitching visible along the edges. The fabric is a deep, solid black, with no patterns or embellishments. The metallic frame and ribs beneath the canopy are straight and evenly spaced, showcasing a polished silver finish. The shaft is slim and vertical, made of the same silver metal as the ribs. The handle, positioned at the bottom of the shaft, is curved and smooth, crafted from dark wood with a glossy finish. The scene is photographic in detail."}
-{"tag": "single_object", "include": [{"class": "sports ball", "count": 1}], "prompt": "A realistic sports ball lies on a flat surface. The ball is spherical in shape with a smooth, textured exterior. Its surface is made of tightly stitched leather panels, creating visible seams. The leather appears slightly worn, showcasing faint scuff marks from prior use. The color is a rich orange-brown, evenly distributed across the surface. The material reflects light subtly, giving it a semi-matte finish. The size of the ball is consistent with standard dimensions, neither too large nor too small. The photographic detail emphasizes the tactile quality of the leather and the precision of the stitching."}
-{"tag": "single_object", "include": [{"class": "bear", "count": 1}], "prompt": "A realistic brown bear stands on a patch of grass. Its fur is thick and coarse, with shades of dark brown and lighter tan blending naturally. The bear's powerful front legs are firmly planted on the ground, showcasing its muscular build. Its head is slightly tilted forward, revealing small, rounded ears and a broad snout. The bear's eyes are dark and focused, exuding a sense of awareness. The texture of its fur is detailed, appearing slightly matted in areas. The light catches on the bear's coat, emphasizing its natural sheen and photographic realism."}
-{"tag": "single_object", "include": [{"class": "kite", "count": 1}], "prompt": "A realistic kite floats gently in a clear blue sky. The kite is triangular in shape, with sharp, defined edges. Its surface is made of thin fabric, stretched tightly across the frame. The color of the kite is a vibrant red, evenly distributed across its structure. The stitching along the edges is visible and precise, appearing slightly darker than the rest of the fabric. A long white tail streams from the bottom tip of the kite, fluttering softly in the wind. The kite\u2019s frame is sturdy, with thin rods supporting its shape. The overall scene has a photographic realism."}
-{"tag": "two_object", "include": [{"class": "bench", "count": 1}, {"class": "sports ball", "count": 1}], "prompt": "A realistic wooden bench is positioned on the ground, its frame constructed from dark metal with a matte finish. The seat and backrest are made of evenly spaced, polished wooden slats, showcasing a natural brown hue. The bench stands on four sturdy legs, each planted firmly on a concrete surface. A realistic sports ball, a classic leather soccer ball, lies a few feet away from the bench. The ball features black and white hexagonal panels with a slightly weathered texture. The ball is fully visible and rests directly on the ground, not touching or overlapping the bench in any way."}
-{"tag": "two_object", "include": [{"class": "toothbrush", "count": 1}, {"class": "snowboard", "count": 1}], "prompt": "A realistic toothbrush stands upright on a clean, white bathroom countertop. The toothbrush has a smooth plastic handle, primarily light blue with white accents, and soft bristles arranged neatly at the top. The snowboard rests flat on the ground a few feet away, positioned horizontally on a smooth wooden floor. It features a sleek, photographic design with a black base and vibrant red and white graphics running along its surface. Both objects are fully visible, distinct from one another, and illuminated by soft, natural light, emphasizing their textures and details without any overlap."}
-{"tag": "two_object", "include": [{"class": "toaster", "count": 1}, {"class": "oven", "count": 1}], "prompt": "A realistic toaster is placed on a clean kitchen countertop. The toaster is made of stainless steel with a polished finish, reflecting light subtly. It has two slots for bread, a small lever on the side, and clearly visible buttons for settings near its base. A realistic oven is positioned a few feet away, fully visible and built into the wall. The oven has a sleek black glass door with a silver handle, and its control panel is located above the door with clearly marked dials and buttons. Both appliances are separate from each other and distinctly non-overlapping."}
-{"tag": "two_object", "include": [{"class": "broccoli", "count": 1}, {"class": "vase", "count": 1}], "prompt": "A realistic depiction of two distinct objects: a vibrant green broccoli and an elegant vase. The broccoli is fresh and fully visible, with its textured florets forming a dense crown above a thick, firm stem. It is positioned on a smooth, neutral-colored surface, ensuring every detail of its natural texture can be seen. The vase stands a few inches to the side, crafted from glossy ceramic with a soft off-white tone. It is cylindrical in shape and fully upright, with no decorations or patterns. Both objects are clearly separate, with ample space between them, in a photographic composition."}
-{"tag": "two_object", "include": [{"class": "tennis racket", "count": 1}, {"class": "wine glass", "count": 1}], "prompt": "A realistic tennis racket lies flat on a wooden table. The racket has a black frame with tightly woven white strings and a textured grip wrapped in dark gray material. It is positioned horizontally, with the handle extending to the right side of the table. A photographic wine glass stands upright a few inches to the left of the tennis racket. The wine glass is made of clear, polished glass, with an elegant stem and a round base. Both objects are fully visible, separated by empty space, and evenly illuminated under natural light, creating a lifelike composition."}
-{"tag": "two_object", "include": [{"class": "fork", "count": 1}, {"class": "knife", "count": 1}], "prompt": "A realistic stainless steel fork is positioned upright on a smooth wooden tabletop. The fork has four evenly spaced tines, each polished to a subtle shine, reflecting the ambient light. Its handle is straight, with a gentle taper toward the base and a brushed finish. A realistic stainless steel knife sits beside the fork, parallel to it and equally spaced. The knife\u2019s blade is sleek, slightly curved at the tip, with a clean edge and a reflective surface. Its handle matches the fork\u2019s design, creating visual harmony. Both objects are fully visible and separated, emphasizing their lifelike and photographic appearance."}
-{"tag": "two_object", "include": [{"class": "hair drier", "count": 1}, {"class": "cake", "count": 1}], "prompt": "A realistic handheld hair dryer sits upright on a flat surface. The hair dryer is made of sleek black plastic and features a matte finish, with its nozzle pointing outward and the power cord neatly coiled beside it. A photographic round cake is positioned a few feet away from the hair dryer, resting on a plain white plate. The cake has a golden-brown surface, showing subtle texture from its baked layers, and is topped with smooth white icing. Both objects are fully visible, separated by clear space, with no overlap or obstruction between them."}
-{"tag": "two_object", "include": [{"class": "horse", "count": 1}, {"class": "giraffe", "count": 1}], "prompt": "A realistic horse stands on a patch of green grass, its muscular body fully visible. The horse's coat is a rich chestnut brown, with a silky mane cascading down its neck. Its legs are firmly planted on the ground, showcasing strong hooves. A realistic giraffe stands a few feet away on the same grassy terrain, its tall and slender body in full view. The giraffe\u2019s spotted coat consists of earthy tan and dark brown patterns. Its long neck stretches upward, and its small ossicones are visible atop its head. Both animals are clearly separate and positioned against a natural outdoor backdrop."}
-{"tag": "two_object", "include": [{"class": "horse", "count": 1}, {"class": "computer keyboard", "count": 1}], "prompt": "A realistic horse stands on a flat grassy field, its entire body fully visible with a sleek brown coat and a black mane. The horse\u2019s head is raised slightly, facing forward, revealing its lifelike features and muscular frame. A photographic computer keyboard rests on the ground a few feet away, positioned parallel to the horse. The keyboard is standard-sized, with black keys and white lettering, and its surface reflects subtle light. The two objects are clearly separated and do not overlap, each fully distinct within the scene for a lifelike and realistic depiction."}
-{"tag": "two_object", "include": [{"class": "toothbrush", "count": 1}, {"class": "carrot", "count": 1}], "prompt": "A realistic toothbrush is positioned upright on a clean, white bathroom counter. The toothbrush has a sleek plastic handle, predominantly white, with a narrow stripe of blue running along its length. Its bristles are soft, evenly arranged, and pure white, standing straight and immaculate. A fresh carrot lies flat on the same counter, several inches to the right of the toothbrush. The carrot is vibrant orange, smooth, and tapered at one end, with no green leaves attached. Both objects are clearly separated and fully visible, creating a photographic scene with a minimalist yet lifelike composition."}
-{"tag": "two_object", "include": [{"class": "cake", "count": 1}, {"class": "zebra", "count": 1}], "prompt": "A realistic chocolate cake is placed on a white ceramic plate sitting flat on a wooden table. The cake is circular with smooth layers of frosting and topped with a glossy finish. Each detail of the cake is lifelike, including the slight shine of the frosting under natural light. A realistic zebra stands a few feet away on a grassy patch of ground. The zebra has a sleek coat with distinct black and white stripes running vertically across its body. The zebra's tail is slightly raised, and its hooves rest firmly on the grass, fully separated from the cake in the photographic scene."}
-{"tag": "two_object", "include": [{"class": "hair drier", "count": 1}, {"class": "bear", "count": 1}], "prompt": "A realistic hair dryer is positioned upright on a clean wooden table. The hair dryer is sleek and metallic, with a silver body and a black nozzle that tapers outward. Its power cord lies neatly coiled beside it, adding to its lifelike appearance. A realistic bear stands a few feet away from the table on a grassy surface. The bear is full-grown, with thick brown fur that is detailed and textured, capturing its natural ruggedness. The bear is facing forward, with its eyes clearly visible and its posture upright. Both objects are fully separate and entirely visible in the photographic scene."}
-{"tag": "two_object", "include": [{"class": "knife", "count": 1}, {"class": "zebra", "count": 1}], "prompt": "A realistic steel knife lies flat on a wooden table. The knife has a polished silver blade, sharp and gleaming under the light, with a black handle made of textured plastic. It is positioned horizontally, with the blade pointing to the left and the handle to the right. A realistic adult zebra stands upright on a grassy field in the background. The zebra has black and white stripes covering its entire body, clearly defined and sharp. Its head is slightly turned to the left, and all four legs are visible. The zebra and knife are distinctly separate and fully visible."}
-{"tag": "two_object", "include": [{"class": "couch", "count": 1}, {"class": "wine glass", "count": 1}], "prompt": "A realistic brown leather couch is positioned in the center of the scene, its surface smooth and slightly glossy, with visible stitching along the edges. The couch rests directly on a hardwood floor, its legs made of dark-stained wood. A single wine glass is placed on the floor a few feet to the right of the couch. The wine glass is transparent, with a slender stem and a wide, rounded bowl. The glass is empty, allowing the light to reflect off its surface, creating subtle highlights. Both objects are fully separated and remain entirely visible in the photographic composition."}
-{"tag": "two_object", "include": [{"class": "frisbee", "count": 1}, {"class": "vase", "count": 1}], "prompt": "A colorful frisbee lies flat on a grassy field. The frisbee is bright red with a white rim and a small logo at its center. It is positioned slightly to the left of the frame. A few feet to the right, a ceramic vase stands upright on the grass. The vase is tall and slender, painted in a glossy blue with intricate white floral patterns. The grass beneath both objects is lush and green, with individual blades visible in the sunlight. The scene is realistic, with a photographic quality that captures the textures of the frisbee, vase, and grass in vivid detail."}
-{"tag": "two_object", "include": [{"class": "book", "count": 1}, {"class": "laptop", "count": 1}], "prompt": "A realistic hardcover book rests on a wooden table. The book has a textured navy-blue cover with sharp corners and visible pages along its edge. Its title is embossed in gold lettering, centered on the front cover. The book is fully closed and positioned to the left side of the table. \n\nA realistic silver laptop sits on the same wooden table. The laptop is sleek, modern, and open, displaying a blank screen with a faint reflection of light. It is positioned to the right of the book, with its keyboard fully visible and completely separate from the book."}
-{"tag": "two_object", "include": [{"class": "dining table", "count": 1}, {"class": "bear", "count": 1}], "prompt": "A realistic dining table is positioned at the center of the scene. The table is rectangular, made of polished dark wood, with subtle grain patterns running across its surface. Four sturdy wooden legs support the table, evenly spaced at each corner. A brown bear stands several feet away from the table, fully visible and upright on all four legs. The bear's fur is thick and textured, blending shades of brown with lighter tones around its muzzle and chest. The bear is positioned on a flat, neutral-colored ground, clearly separated from the dining table. The photographic style emphasizes lifelike details and textures."}
-{"tag": "two_object", "include": [{"class": "frisbee", "count": 1}, {"class": "couch", "count": 1}], "prompt": "A bright red frisbee lies flat on a grassy field, its smooth plastic surface reflecting the sunlight. The frisbee is positioned in the foreground, fully visible and unobstructed. A few feet behind it, a large gray fabric couch stands on the grass, its cushions slightly worn but intact. The couch has a rectangular shape with visible stitching along the edges. The two objects are clearly separate, with no overlap, and the scene is set in a realistic, open outdoor space. The overall style is photographic, emphasizing lifelike textures and lighting."}
-{"tag": "two_object", "include": [{"class": "couch", "count": 1}, {"class": "horse", "count": 1}], "prompt": "A realistic brown leather couch is positioned on a flat, hardwood floor. The couch features three cushions, each neatly arranged, with slightly worn edges that indicate frequent use. Its legs are short and made of dark, polished wood, with all four fully visible and aligned properly beneath the frame. \n\nBeside the couch, a lifelike chestnut-colored horse stands on the floor. Its mane is slightly unkempt, cascading down the side of its neck in rich strands. The horse is upright, fully visible, and positioned several feet away from the couch to avoid overlap. The scene is photographic in style, emphasizing clarity and realism."}
-{"tag": "two_object", "include": [{"class": "toilet", "count": 1}, {"class": "computer mouse", "count": 1}], "prompt": "A clean, white, porcelain toilet stands upright against a plain, light-gray bathroom wall. The toilet is closed, with its lid resting flat on the seat. Its smooth, glossy surface reflects the soft lighting in the room, enhancing its realistic appearance. A black, wired computer mouse is placed on a flat, neutral-colored surface a few feet away from the toilet. The mouse is compact and ergonomic, with a matte finish and a visible scroll wheel at the center. Both the toilet and the computer mouse are fully visible, clearly separate, and distinctly positioned in this realistic, photographic scene."}
-{"tag": "two_object", "include": [{"class": "bottle", "count": 1}, {"class": "refrigerator", "count": 1}], "prompt": "A realistic glass bottle stands upright on a polished wooden kitchen counter. The bottle is transparent, with a smooth surface and a metallic cap tightly sealed on top. It is positioned a few inches away from the edge of the counter and reflects soft light from the room. \n\nA large, realistic refrigerator is situated against the wall behind the counter. The refrigerator has a modern stainless steel finish, smooth doors, and a handle on the right side. It is fully visible, separated from the bottle, and casts a faint shadow along the tiled floor."}
-{"tag": "two_object", "include": [{"class": "potted plant", "count": 1}, {"class": "backpack", "count": 1}], "prompt": "A realistic potted plant sits on the ground, its ceramic pot textured with subtle grooves and painted in a matte beige color. The plant has vibrant green leaves, each leaf showing natural veins and edges, spreading outward in a healthy display. The backpack is placed a few feet away from the plant, resting upright on the ground. It is made of durable canvas material, colored dark gray, with visible zippers and straps neatly arranged. The two objects are clearly separate and fully visible, positioned on a smooth concrete surface in natural lighting, emphasizing a photographic realism in the scene."}
-{"tag": "two_object", "include": [{"class": "skateboard", "count": 1}, {"class": "cake", "count": 1}], "prompt": "A realistic skateboard is placed on the ground, positioned horizontally. Its wooden deck is smooth and features a natural grain, with black grip tape covering the top surface. Four sturdy wheels, light gray in color, are attached to metal trucks beneath the deck, standing firmly on the pavement. Beside the skateboard, a realistic cake sits on a white ceramic plate. The cake is circular, with three layers evenly stacked and frosted in a creamy white. A few colorful sprinkles are scattered across the frosting. The skateboard and cake are distinctly separated, each fully visible and prominently displayed in the composition."}
-{"tag": "two_object", "include": [{"class": "broccoli", "count": 1}, {"class": "parking meter", "count": 1}], "prompt": "A realistic broccoli rests on the ground, its vibrant green florets tightly clustered and its thick, slightly textured stem extending downward. The broccoli is positioned in the foreground with no surrounding objects touching it, making its natural details clearly visible. A photographic parking meter stands upright a few feet away, separate from the broccoli. The meter is metallic gray, with a cylindrical post and a rectangular head featuring a visible coin slot and display screen. The parking meter is firmly anchored to the pavement, its surface showing faint signs of wear, enhancing its lifelike appearance without obscuring its form."}
-{"tag": "two_object", "include": [{"class": "zebra", "count": 1}, {"class": "bed", "count": 1}], "prompt": "A realistic zebra stands on the ground, its body fully visible and facing forward. Its black-and-white striped coat is sharply defined, with lifelike textures showing the contours of its muscles and fur. The zebra stands a few feet away from the bed, ensuring no overlap between the two objects. The bed is fully visible, positioned slightly to the right of the zebra. It has a wooden frame with a polished surface, featuring a neatly made white mattress and realistic cotton sheets. The photographic scene highlights both objects distinctly, with clear lighting and true-to-life proportions of size and detail."}
-{"tag": "two_object", "include": [{"class": "oven", "count": 1}, {"class": "bed", "count": 1}], "prompt": "A realistic depiction of an oven and a bed. The oven is a modern stainless steel appliance with a smooth metallic finish, positioned upright on a tiled kitchen floor. Its control knobs are neatly arranged at the top, and the glass door reveals a clean, empty interior. The bed is a wooden frame with a rectangular mattress, positioned several feet away in a separate area of the room. The mattress is covered with a plain white sheet, and two pillows rest symmetrically at the head. Both objects are fully visible, distinctly separated, and placed in a photographic environment."}
-{"tag": "two_object", "include": [{"class": "baseball bat", "count": 1}, {"class": "fork", "count": 1}], "prompt": "A wooden baseball bat lies flat on a smooth concrete surface, its polished, light-brown grain gleaming under soft natural light. The bat is positioned horizontally, with its handle on the left and its wide barrel on the right. A stainless steel fork rests nearby, placed vertically with its four prongs pointing upward. The fork's metallic surface reflects subtle highlights, revealing its finely polished texture. The bat and the fork are fully visible, with enough space between them to remain distinct. The realistic composition captures every detail with photographic clarity, ensuring the objects appear lifelike and separate from each other."}
-{"tag": "two_object", "include": [{"class": "vase", "count": 1}, {"class": "spoon", "count": 1}], "prompt": "A tall, slender ceramic vase stands upright on a smooth wooden table. The vase is painted in a deep cobalt blue with intricate white floral patterns. Its glossy surface reflects the soft, natural light from a nearby window. Beside the vase, a polished silver spoon rests horizontally on the same table. The spoon has a slightly curved handle and a rounded bowl, catching glimmers of light. The two objects are positioned about six inches apart, fully visible and distinct from one another. The scene is rendered in a realistic, photographic style, emphasizing the lifelike textures and details of both the vase and the spoon."}
-{"tag": "two_object", "include": [{"class": "skateboard", "count": 1}, {"class": "sink", "count": 1}], "prompt": "A realistic skateboard lies flat on a concrete floor. The skateboard has a wooden deck with a natural grain visible, featuring black grip tape covering the top surface. Its four white polyurethane wheels are clean and evenly spaced, attached to silver metal trucks. The skateboard is positioned parallel to the edge of the sink but does not touch it. \n\nThe realistic sink is mounted on a white tiled wall. Its basin is made of polished stainless steel, reflecting light subtly. A single chrome faucet extends outward, and the sink\u2019s drain is centered at the bottom of the basin. Both objects are clearly separate and fully visible."}
-{"tag": "two_object", "include": [{"class": "pizza", "count": 1}, {"class": "bench", "count": 1}], "prompt": "A realistic pizza is placed directly on the ground. The pizza has a golden, slightly crispy crust with melted cheese covering its surface and scattered toppings of pepperoni and basil. It sits a few feet away from a bench. The bench is made of polished wood slats, evenly spaced, and supported by sturdy black metal legs and armrests. The bench is positioned upright on a concrete surface, separate from the pizza. Both the pizza and the bench are fully visible and clearly distinct from one another in a photographic style."}
-{"tag": "two_object", "include": [{"class": "bowl", "count": 1}, {"class": "pizza", "count": 1}], "prompt": "A realistic ceramic bowl is positioned on a clean, light-colored wooden table. The bowl is medium-sized, smooth, and white, with a slightly glossy finish that reflects the surrounding light. A freshly baked pizza sits beside the bowl, fully visible and resting directly on the table. The pizza has a golden-brown crust, melted cheese, and scattered toppings of red tomato slices and green herbs. The bowl and the pizza are clearly separate, with several inches of space between them, ensuring no overlap. The photographic scene captures the lifelike textures and colors of both objects in sharp detail."}
-{"tag": "two_object", "include": [{"class": "tennis racket", "count": 1}, {"class": "bird", "count": 1}], "prompt": "A realistic tennis racket lies flat on a concrete surface. The racket has a black frame with a glossy finish and tightly strung white strings, forming a crisscross pattern. Its grip is wrapped in light gray, textured material, showing subtle wear. A small bird stands a few feet away from the racket, perched on the same smooth concrete surface. The bird is a sparrow with brown and white feathers, a sharp black beak, and tiny claws gripping the ground. Both the racket and the bird are fully visible, clearly separated, and positioned in natural lighting for a photographic appearance."}
-{"tag": "two_object", "include": [{"class": "wine glass", "count": 1}, {"class": "bear", "count": 1}], "prompt": "A realistic wine glass is positioned upright on a smooth, wooden table. The glass is made of clear, transparent material, showcasing its slender stem and wide, rounded bowl. Its surface reflects light naturally, creating subtle highlights and shadows. A photographic brown bear stands a few feet away from the wine glass on a grassy patch. The bear is fully visible, with coarse, thick fur varying in shades of deep brown and lighter tan. It has a muscular build and is standing on all four legs, with its head slightly tilted forward. Both objects are distinct and do not overlap."}
-{"tag": "two_object", "include": [{"class": "fork", "count": 1}, {"class": "book", "count": 1}], "prompt": "A polished silver fork lies on a smooth wooden table. The fork has four slender tines and a reflective surface that catches the light. Beside it, a hardcover book rests flat on the table. The book has a deep blue cover with gold lettering on the spine. The fork is positioned horizontally, parallel to the edge of the table. The book is placed vertically, its spine facing upward. Both objects are fully visible and do not overlap. The scene is rendered in a realistic, photographic style, with sharp details and lifelike textures."}
-{"tag": "two_object", "include": [{"class": "scissors", "count": 1}, {"class": "bowl", "count": 1}], "prompt": "A stainless steel scissors lies flat on a polished wooden surface. The scissors is fully open, revealing sharp, reflective blades with a slight curve and black plastic handles. A ceramic bowl, positioned to the right of the scissors, sits upright on the same surface. The bowl is smooth, white, and unadorned, with a wide rim and a shallow depth. The scissors and the bowl are clearly separate and spaced a few inches apart, ensuring no overlap. The composition is captured in a realistic, photographic style, emphasizing the textures and materials of the objects under natural lighting."}
-{"tag": "two_object", "include": [{"class": "laptop", "count": 1}, {"class": "carrot", "count": 1}], "prompt": "A realistic laptop is positioned on a wooden desk. The laptop is open, revealing a sleek silver body and a black keyboard with clearly visible keys. Its screen displays a blank, dark surface, reflecting faint details of the surrounding environment. A realistic carrot lies separately on the desk, a few inches to the right of the laptop. The carrot is orange with a slightly rough texture and a tapered shape, its green leafy tops intact and resting flat on the surface. Both objects are fully visible and distinct, with no overlapping between the laptop and the carrot."}
-{"tag": "two_object", "include": [{"class": "stop sign", "count": 1}, {"class": "bottle", "count": 1}], "prompt": "A realistic red stop sign stands upright on a silver metal pole. The stop sign is octagonal in shape with bold, white, uppercase lettering that spells \"STOP.\" It is positioned on a paved surface, clear of any obstructions, and fully visible. Beside the stop sign, a glass bottle sits upright on the ground a few feet away. The bottle is transparent with a cylindrical body and a narrow neck. The bottle reflects light subtly, emphasizing its smooth and clean surface. Both objects are distinctly separate and unobstructed, creating a photographic representation with lifelike textures and proportions."}
-{"tag": "two_object", "include": [{"class": "microwave", "count": 1}, {"class": "truck", "count": 1}], "prompt": "A realistic microwave is positioned on a clean countertop, its metallic surface gleaming under warm indoor lighting. The microwave has a rectangular structure with visible buttons and a dark glass door, slightly reflecting its surroundings. A large, realistic truck is parked outdoors a few feet away, on a paved driveway. The truck's exterior is painted a vivid red, with a sturdy frame and visible tires resting firmly on the asphalt. There is no overlap between the microwave and the truck, ensuring both objects remain fully visible and distinctly separate. The photographic scene highlights their lifelike details and positioning."}
-{"tag": "two_object", "include": [{"class": "person", "count": 1}, {"class": "bear", "count": 1}], "prompt": "A realistic scene depicts a person standing upright on a dirt trail. The person is wearing a light blue shirt, dark jeans, and brown boots, with short brown hair neatly combed. The person\u2019s face is visible, showing a calm expression, and their arms rest loosely at their sides. A large bear is positioned a few feet away, standing on all four legs on a grassy patch. The bear has thick, dark brown fur and a muscular build, with its head turned slightly to the side, revealing its sharp eyes and prominent muzzle. Both are fully visible and separate from one another."}
-{"tag": "two_object", "include": [{"class": "frisbee", "count": 1}, {"class": "cell phone", "count": 1}], "prompt": "A realistic frisbee lies flat on a patch of grass with its smooth circular surface clearly visible. The frisbee is made of durable plastic, colored bright red, and shows minor scuff marks along its edges, indicative of frequent use. A photographic cell phone is positioned a few feet away from the frisbee, resting securely on the grass. The cell phone has a black, glossy finish with a rectangular shape and visible rounded corners. Its screen is dark and reflective, showing no active display. Both objects are distinctly separate, fully visible, and surrounded by realistic details in a lifelike outdoor setting."}
-{"tag": "two_object", "include": [{"class": "parking meter", "count": 1}, {"class": "teddy bear", "count": 1}], "prompt": "A realistic parking meter stands upright on a concrete sidewalk. It is made of metal, painted grey, with a clear glass display showing faded numbers and a coin slot near the top. The base of the parking meter is bolted securely to the ground. A lifelike teddy bear sits a few feet away on the same sidewalk. The teddy bear has soft, light brown fur and black button eyes, with slight stitching visible on its plush body. It is positioned upright, leaning slightly back, and fully intact. Both objects are clearly separate and fully visible in a photographic composition."}
-{"tag": "two_object", "include": [{"class": "tennis racket", "count": 1}, {"class": "bicycle", "count": 1}], "prompt": "A tennis racket rests on the ground, its oval-shaped head facing upward. The racket's strings are tightly woven, and its handle is wrapped in a white grip. Beside it, a bicycle stands upright, positioned a few feet away. The bicycle has a sleek metallic frame, with two black rubber tires and a silver chain. The handlebars are curved, and the seat is padded and black. Both objects are fully visible and do not overlap. The scene is rendered in a realistic, photographic style, with lifelike textures and lighting that highlight every detail of the racket and bicycle."}
-{"tag": "two_object", "include": [{"class": "stop sign", "count": 1}, {"class": "motorcycle", "count": 1}], "prompt": "A realistic stop sign stands upright on a silver metal pole. The sign is octagonal, displaying a bright red background with bold white lettering that reads \"STOP.\" The edges of the sign are clean and clearly defined, showing minimal wear. It is positioned on a paved roadside with no overlapping objects nearby. A photographic motorcycle is parked several feet to the right of the stop sign. The motorcycle has a shiny black body with chrome accents on the handlebars and exhaust pipe. It rests on a kickstand, fully visible and separate from the stop sign, emphasizing their distinct placement."}
-{"tag": "two_object", "include": [{"class": "fire hydrant", "count": 1}, {"class": "tennis racket", "count": 1}], "prompt": "A realistic fire hydrant is positioned upright on a concrete sidewalk. Its surface is painted bright red, with small patches of rust visible near the base. The hydrant features rounded caps on each side and a tall central valve, all fully intact and clearly visible. \n\nA realistic tennis racket lies flat on the asphalt a few feet away from the hydrant. The racket has a black handle wrapped in textured grips and a circular frame made of polished metal. Its string pattern is tight and evenly spaced, with no visible damage. Both objects remain fully separate and unobstructed in view."}
-{"tag": "two_object", "include": [{"class": "scissors", "count": 1}, {"class": "sandwich", "count": 1}], "prompt": "A pair of silver scissors lies on a clean, white surface. The scissors are fully open, with sharp, metallic blades and black plastic handles. Beside the scissors, a sandwich rests on the same surface. The sandwich is made with two slices of fresh, golden-brown bread, filled with crisp lettuce, slices of red tomato, and a layer of pale pink ham. The sandwich is cut diagonally, revealing its layers. The scissors and sandwich are positioned a few inches apart, fully visible and not overlapping. The scene is realistic, with a photographic quality that highlights the textures and details of both objects."}
-{"tag": "two_object", "include": [{"class": "pizza", "count": 1}, {"class": "book", "count": 1}], "prompt": "A realistic pizza rests directly on a wooden table, its surface covered with melted cheese, vibrant red tomato sauce, and neatly arranged slices of pepperoni. The crust is golden brown, with small air bubbles visible along its edge. A closed book sits a few inches to the right of the pizza, its hardcover exterior made of textured dark blue fabric. The book\u2019s spine is upright and straight, with gold lettering embossed on it. Both objects are fully visible and distinctly separate from each other on the table. The photographic scene captures the lifelike details of each object clearly."}
-{"tag": "two_object", "include": [{"class": "giraffe", "count": 1}, {"class": "computer mouse", "count": 1}], "prompt": "A realistic depiction of a giraffe and a computer mouse. The giraffe stands upright on flat, dry grass, its long neck stretching high and its patterned coat featuring lifelike patches of golden brown and cream. Its legs are thin yet strong, with visible muscle definition, and its head is fully turned to the side, revealing detailed facial features, including large dark eyes and small horns. Several feet to the right, a photographic computer mouse rests on a smooth, gray concrete surface. The mouse is sleek and black, with a glossy finish that reflects faint light. Both objects are fully visible and clearly separated."}
-{"tag": "two_object", "include": [{"class": "stop sign", "count": 1}, {"class": "toaster", "count": 1}], "prompt": "A red octagonal stop sign stands upright on a metal pole. The stop sign is positioned on the left side of the scene, its surface slightly weathered with faint scratches and dirt. The pole is silver and firmly planted into the ground. A few feet to the right, a silver toaster sits on a wooden table. The toaster has two slots and a brushed metal finish, reflecting subtle light. The table is rectangular, with a smooth, natural wood texture. Both objects are fully visible and do not overlap, creating a realistic, photographic composition."}
-{"tag": "two_object", "include": [{"class": "computer mouse", "count": 1}, {"class": "zebra", "count": 1}], "prompt": "A sleek, black computer mouse rests on a smooth, wooden desk. The mouse has a matte finish, with a visible scroll wheel and two buttons. Its USB cable extends to the side, coiled neatly. A few feet away, a zebra stands on a grassy plain. The zebra\u2019s black-and-white striped coat is vivid and sharply defined. Its head is turned slightly to the left, ears perked, and its tail swishes gently. The zebra\u2019s hooves press into the soft, green grass. The scene is rendered in a highly realistic, photographic style, with lifelike textures and lighting."}
-{"tag": "two_object", "include": [{"class": "chair", "count": 1}, {"class": "bench", "count": 1}], "prompt": "A wooden chair stands upright on a polished concrete surface. The chair is made of oak, with a smooth, realistic grain texture visible on its backrest and legs. Its four legs are evenly spaced, firmly planted on the ground, and its seat is flat with a slight sheen. \n\nA metal bench sits a few feet away from the chair, positioned to its right. The bench is constructed of black wrought iron, with intricate, realistic detailing on its armrests and backrest. Its legs are sturdy, and it stands parallel to the chair, both objects fully visible and not overlapping."}
-{"tag": "two_object", "include": [{"class": "tv", "count": 1}, {"class": "carrot", "count": 1}], "prompt": "A realistic television sits on a wooden table in the center of the scene. The television has a sleek black frame and a flat screen, reflecting light from its glossy surface. Its rectangular shape is clean and modern, with visible buttons on the lower edge. A single carrot lies on the table beside the television. The carrot is vibrant orange with a slightly rough texture, its tapered end pointing outward. The green leafy top is intact, resting neatly on the table's surface. Both objects are clearly separate and fully visible, positioned side by side in a photographic style."}
-{"tag": "two_object", "include": [{"class": "surfboard", "count": 1}, {"class": "suitcase", "count": 1}], "prompt": "A realistic surfboard stands upright, leaning slightly against a plain concrete wall. The surfboard features a smooth fiberglass surface with a white body and turquoise stripes running vertically along its length. It is fully visible, positioned to the left side of the scene. \n\nA photographic suitcase rests on the ground, a few feet away from the surfboard, on the right side of the scene. The suitcase is rectangular and made of dark brown leather with polished silver hardware. Its handle is upright, and it features scuff marks for added realism. Both objects are separate and clearly visible."}
-{"tag": "two_object", "include": [{"class": "computer keyboard", "count": 1}, {"class": "laptop", "count": 1}], "prompt": "A realistic laptop is placed on a wooden desk. The laptop is open, its screen displaying a blank, dark surface. The sleek metallic body of the laptop reflects subtle light, and its keyboard is clean and evenly arranged. A realistic computer keyboard sits beside the laptop, positioned to the right. The keyboard is black with evenly spaced keys that have visible white lettering. Both objects are fully separated, with no overlap between them. The desk surface is smooth, showcasing a natural grain pattern. The photographic style highlights the texture, color, and materials of each item clearly and lifelike."}
-{"tag": "two_object", "include": [{"class": "computer keyboard", "count": 1}, {"class": "microwave", "count": 1}], "prompt": "A realistic computer keyboard is positioned on a clean, wooden desk. The keyboard is rectangular, with a matte black finish and evenly spaced keys, each featuring crisp white lettering. The surface of the desk is smooth and polished, reflecting a faint sheen under bright lighting. A realistic microwave stands separately on a nearby countertop, several feet away from the keyboard. The microwave has a metallic silver exterior with a glass door that reflects light. Its control panel, situated on the right side, features a well-organized array of black buttons. Both objects are fully visible and do not overlap."}
-{"tag": "two_object", "include": [{"class": "scissors", "count": 1}, {"class": "bird", "count": 1}], "prompt": "A pair of silver scissors lies on a smooth, gray stone surface. The scissors are fully open, with sharp, metallic blades and black plastic handles. Beside the scissors, a small sparrow stands on the same surface, its feathers a mix of brown, white, and gray. The bird is perched upright, with its head slightly tilted, and its tiny claws gripping the stone. The scissors and the bird are positioned a few inches apart, clearly separate and fully visible. The scene is realistic, with lifelike textures and lighting, resembling a photographic capture of real-world objects."}
-{"tag": "two_object", "include": [{"class": "person", "count": 1}, {"class": "snowboard", "count": 1}], "prompt": "A realistic depiction of a person and a snowboard. The person stands upright on a snow-covered ground, wearing a thick, dark blue winter jacket with visible zippers and seams. They are also dressed in black snow pants with a slightly textured fabric and sturdy gray snow boots, leaving clear impressions in the snow beneath them. Their hands are gloved, and their face is partially obscured by a red scarf and a black ski helmet. The snowboard lies flat on the snow a few feet to their right. It is a sleek, photographic design in black, with a faint white logo near the center. Its bindings are fully visible, positioned upright, and appear tightly secured. The person and the snowboard remain distinctly separate, with no overlap, emphasizing their individual presence in the scene."}
-{"tag": "two_object", "include": [{"class": "cow", "count": 1}, {"class": "horse", "count": 1}], "prompt": "A realistic cow stands on green grass under natural daylight. Its body is primarily white with large black patches scattered across its hide. The cow faces forward, with visible horns, a pink nose, and a calm expression. A realistic horse stands nearby, positioned several feet to the right of the cow. The horse has a muscular frame, a light brown coat, and a dark brown mane and tail. Its legs are sturdy, and its head is slightly turned to the side, showing its expressive eyes. Both animals are fully visible, separate, and clearly distinguishable in the photographic scene."}
-{"tag": "two_object", "include": [{"class": "handbag", "count": 1}, {"class": "refrigerator", "count": 1}], "prompt": "A realistic, modern refrigerator stands upright on a tiled floor. The refrigerator is metallic silver with a smooth surface, featuring a vertical handle on the left side and a clear seam dividing the top freezer compartment from the bottom section. A realistic leather handbag is positioned to the right of the refrigerator, resting on the same tiled floor. The handbag is medium-sized, dark brown in color, with visible stitching along the edges and two sturdy handles neatly folded over the top. The refrigerator and handbag are fully visible and entirely separate, with a small gap of several inches between them."}
-{"tag": "two_object", "include": [{"class": "chair", "count": 1}, {"class": "laptop", "count": 1}], "prompt": "A realistic wooden chair stands firmly on a polished hardwood floor. The chair has four sturdy legs, a straight backrest, and smooth, natural wood grain that runs vertically along its surface. A modern laptop is positioned on a nearby desk, fully open with its screen illuminated. The laptop has a sleek silver body, a black keyboard, and a glossy display that reflects ambient light. The chair and laptop are distinctly separated, with the chair placed to the left and the laptop on the desk to the right. Both objects are fully visible in a photographic, lifelike scene."}
-{"tag": "two_object", "include": [{"class": "toothbrush", "count": 1}, {"class": "bench", "count": 1}], "prompt": "A white plastic toothbrush lies horizontally on a flat, gray concrete surface. The toothbrush has a slim, cylindrical handle with soft bristles at one end, arranged in neat rows. A wooden bench stands a few feet away, fully visible and separate from the toothbrush. The bench is made of polished, light-brown wood with a smooth, rectangular seat and sturdy, vertical legs. The bench\u2019s metal frame is dark gray and slightly reflective, supporting the wooden structure. The scene is realistic, with natural lighting casting soft shadows on both objects, emphasizing their textures and details in a photographic style."}
-{"tag": "two_object", "include": [{"class": "book", "count": 1}, {"class": "baseball bat", "count": 1}], "prompt": "A realistic hardcover book lies flat on a wooden table. The book\u2019s cover is dark blue with a subtle texture, and its corners are slightly worn, showing signs of use. The edges of the pages are crisp and slightly yellowed, hinting at its age. A wooden baseball bat is positioned a few inches to the right of the book. The bat is smooth and polished, with a light natural grain running along its length. Its barrel is clean and unmarked, while the handle tapers gently, ending in a rounded knob. Both objects are fully visible and clearly separated."}
-{"tag": "two_object", "include": [{"class": "horse", "count": 1}, {"class": "train", "count": 1}], "prompt": "A realistic brown horse stands on a grassy field, its muscular body fully visible and facing forward, with a slightly raised head and attentive ears. The horse\u2019s mane is dark and flows naturally, while its tail hangs low and straight. A realistic train is positioned several feet behind the horse, resting on steel tracks that are embedded in the ground. The train is painted a deep gray with visible metallic panels, and its windows reflect the surrounding environment. Both the horse and the train are separate, fully visible, and clearly distinct from one another in a photographic style."}
-{"tag": "two_object", "include": [{"class": "bench", "count": 1}, {"class": "vase", "count": 1}], "prompt": "A wooden bench stands on a paved surface, its slats made of polished oak and supported by metal armrests and legs with a slightly weathered finish. The bench is empty and positioned straight, with no objects resting on it. A single ceramic vase is placed on the ground a few feet to the right of the bench. The vase is tall and cylindrical, made of smooth, white porcelain with no visible patterns or decorations. Both the bench and the vase are fully visible and separated. The composition is rendered in a realistic, photographic style, capturing every detail authentically."}
-{"tag": "two_object", "include": [{"class": "traffic light", "count": 1}, {"class": "backpack", "count": 1}], "prompt": "A realistic traffic light stands upright on a metallic pole, positioned on a concrete sidewalk. The traffic light has three circular lenses, displaying red, yellow, and green colors, framed by a black rectangular housing. Its base is securely anchored to the ground, and the pole is painted in a weathered gray, with minor scratches visible. A realistic backpack rests directly on the sidewalk a few feet away from the pole. The backpack is made of dark blue fabric with black straps. It is fully visible, standing upright with its zippers closed, and its textured surface shows slight wear and creases."}
-{"tag": "two_object", "include": [{"class": "sports ball", "count": 1}, {"class": "cow", "count": 1}], "prompt": "A realistic sports ball lies on a grassy field. The ball is a standard soccer ball, with black and white hexagonal panels, slightly scuffed from use. It rests on the ground, positioned in the foreground. A few feet away, a cow stands fully visible, its body covered in a patchy black-and-white coat. The cow\u2019s head is lowered, grazing on the grass. Its large, dark eyes and wet nose are clearly defined. The cow\u2019s hooves are firmly planted on the ground, and its tail swishes gently. The scene is photographic, with natural lighting highlighting the textures of the grass, the ball, and the cow\u2019s fur."}
-{"tag": "two_object", "include": [{"class": "computer mouse", "count": 1}, {"class": "spoon", "count": 1}], "prompt": "A realistic computer mouse rests on a flat wooden surface. The mouse is sleek, black, and wireless, with a matte finish and a scroll wheel positioned in the center. It is fully visible and positioned slightly to the left. A realistic silver spoon lies on the same surface, several inches to the right of the mouse. The spoon has a smooth, polished finish that reflects light, with a gently curved bowl and a long, slender handle. Both objects are separate and clearly distinguishable, displayed in a photographic style to highlight their lifelike textures and details."}
-{"tag": "two_object", "include": [{"class": "tv", "count": 1}, {"class": "bicycle", "count": 1}], "prompt": "A realistic television is placed on a wooden floor. The television has a flat screen with a black frame, standing upright on two slim legs. It is positioned to the left within the scene, with its front facing forward. A realistic bicycle is positioned to the right of the television, standing upright on its kickstand. The bicycle has a metallic silver frame, black handlebars, and a smooth leather seat. Both objects are completely separate and fully visible. The photographic composition ensures the television and bicycle are distinct, with clear spacing between them, emphasizing their individual details and realistic appearance."}
-{"tag": "two_object", "include": [{"class": "bench", "count": 1}, {"class": "snowboard", "count": 1}], "prompt": "A wooden bench stands on a flat, snow-covered ground. The bench has a natural brown finish, with visible grain patterns and a sturdy, rectangular design. Its legs are made of dark metal, slightly rusted at the edges. A snowboard is placed upright on the ground, leaning against the bench. The snowboard is sleek and modern, with a black base and vibrant blue and white geometric patterns on the top surface. The bench and snowboard are positioned a few feet apart, fully visible and not overlapping. The scene is realistic, with a photographic quality that captures the textures of wood, metal, and snow."}
-{"tag": "two_object", "include": [{"class": "toothbrush", "count": 1}, {"class": "toilet", "count": 1}], "prompt": "A realistic toothbrush is positioned upright on a white ceramic countertop. The toothbrush has a smooth plastic handle colored bright blue, with evenly spaced white bristles at its head. It is clean and pristine, standing alone without any surrounding clutter. A realistic toilet is located a few feet away from the countertop, firmly installed on a tiled floor. The toilet is a standard white porcelain design with a closed lid and a silver flush handle on the tank. Both objects are fully visible and distinctly separated, ensuring no overlap between them in the photographic scene."}
-{"tag": "two_object", "include": [{"class": "person", "count": 1}, {"class": "apple", "count": 1}], "prompt": "A realistic scene featuring a person and an apple. The person stands upright, fully visible, with a neutral expression. They are wearing a simple, light-colored shirt and dark trousers, with their hands resting naturally at their sides. Their hair is short and neatly styled, and their skin tone is evenly lit by natural daylight. The apple is placed on a clean, flat surface a few feet to the person's right. It is a single, bright red apple with a smooth, glossy texture. Both the person and the apple are clearly separate and fully visible, captured in a photographic style."}
-{"tag": "two_object", "include": [{"class": "sink", "count": 1}, {"class": "sports ball", "count": 1}], "prompt": "A realistic stainless steel sink is mounted against a tiled wall, featuring a smooth, polished surface that reflects light. The sink is rectangular, with rounded edges and a single faucet positioned centrally at the back. The metallic drain sits visibly at the base of the sink, surrounded by a faintly brushed texture. A separate sports ball lies on the tiled floor a few feet away from the sink. The ball is spherical in shape, made of leather with visible stitching and panels, colored in alternating white and black patterns. Both objects are fully visible and clearly distinct from one another."}
-{"tag": "two_object", "include": [{"class": "stop sign", "count": 1}, {"class": "dog", "count": 1}], "prompt": "A realistic stop sign stands upright on a metal pole, positioned on a concrete sidewalk. The sign is octagonal, painted bright red, with bold white lettering that reads \"STOP\" in the center. Its surface appears smooth and slightly reflective, with minor weathering along the edges. A lifelike medium-sized dog is seated on the ground several feet to the right of the stop sign. The dog has short, brown fur with lighter patches near its chest and paws. Its ears are perked up, and its expressive eyes are gazing forward. Both objects are fully visible and separate within the photographic scene."}
-{"tag": "two_object", "include": [{"class": "knife", "count": 1}, {"class": "stop sign", "count": 1}], "prompt": "A realistic stainless steel knife is lying flat on a clean, wooden surface. The blade is sharp and polished, reflecting light with a mirror-like sheen. The knife's handle is black, ergonomic, and textured, designed for a secure grip. \n\nA photographic stop sign stands upright in the background, positioned a few feet away. The sign is octagonal, painted bright red with bold, white letters that read \"STOP.\" It is mounted on a metallic pole with a slightly weathered finish. Both objects are fully visible and distinctly separated, with no part of the knife overlapping the stop sign."}
-{"tag": "two_object", "include": [{"class": "wine glass", "count": 1}, {"class": "handbag", "count": 1}], "prompt": "A realistic wine glass stands upright on a smooth wooden table. The glass is crystal-clear, with a slender stem and a gently curved bowl that catches the light. Beside it, a leather handbag rests on the same table, positioned a few inches away. The handbag is medium-sized, rectangular in shape, with a polished surface and visible stitching along its edges. Its handles are neatly folded down, and the dark brown color contrasts subtly with the lighter tones of the table. Both objects are fully visible, separated by space, creating a photographic depiction of everyday items."}
-{"tag": "two_object", "include": [{"class": "bowl", "count": 1}, {"class": "skis", "count": 1}], "prompt": "A realistic ceramic bowl is positioned directly on a smooth wooden table. The bowl is circular in shape, with a white exterior and subtle speckles across its surface, reflecting soft lighting. It is empty and clean, with no visible contents. A pair of realistic downhill skis is placed a few feet away on the same wooden floor, parallel to each other and fully visible. The skis are sleek and made of polished fiberglass, with a metallic gray finish and sharp edges. Both objects are clearly separate, fully visible, and do not overlap within the photographic composition."}
-{"tag": "two_object", "include": [{"class": "frisbee", "count": 1}, {"class": "apple", "count": 1}], "prompt": "A realistic scene features a bright red frisbee lying flat on a patch of short, green grass. The frisbee is made of smooth plastic, with a slightly glossy surface that reflects soft daylight. A few inches to the right of the frisbee, a fresh, round apple rests on the ground. The apple has a vivid red skin with faint yellow streaks near its base and a small brown stem protruding from the top. Both objects are fully visible, clearly separated, and positioned within an open, natural setting. The photographic detail highlights the textures and colors of each object distinctly."}
-{"tag": "two_object", "include": [{"class": "computer keyboard", "count": 1}, {"class": "cell phone", "count": 1}], "prompt": "A realistic computer keyboard is placed flat on a smooth wooden desk. The keyboard is full-sized, with black keys and white lettering, and features a sleek, modern design. Each key is clean and neatly aligned, with no visible wear or smudges. To the right of the keyboard, a realistic cell phone lies flat on the same desk. The phone has a slim black frame and a glass screen, which reflects soft, natural light. Both objects are fully visible, clearly separated, and do not overlap. The photographic composition highlights their precise placement and lifelike details."}
-{"tag": "two_object", "include": [{"class": "stop sign", "count": 1}, {"class": "fork", "count": 1}], "prompt": "A realistic stop sign stands upright on a silver metal pole, its octagonal, red face vividly displaying the bold, white letters spelling \"STOP.\" The sign is clean and slightly reflective, positioned against a neutral background with no objects obstructing its view. Next to it, a stainless steel fork lies flat on a smooth surface. The fork is fully visible, showing its polished, reflective finish and four evenly spaced tines. The stop sign and the fork are separate, with a clear gap between them, ensuring neither overlaps. The photographic composition highlights both objects with lifelike clarity and precision."}
-{"tag": "two_object", "include": [{"class": "potted plant", "count": 1}, {"class": "boat", "count": 1}], "prompt": "A realistic potted plant is placed on a wooden deck. The pot is ceramic, round, and light gray in color, with a smooth surface. The plant inside is green with long, narrow leaves that reach upward, appearing healthy and vibrant. It is positioned firmly on the deck, sitting without any tilt or damage to the pot.\n\nA realistic boat is a few feet away from the potted plant. The boat is made of fiberglass and painted white with a blue stripe along its hull. It rests docked in calm water, fully visible and unobstructed, with no overlapping elements between the boat and the plant."}
-{"tag": "two_object", "include": [{"class": "tv", "count": 1}, {"class": "cell phone", "count": 1}], "prompt": "A realistic television is positioned upright on a wooden table. The television has a black rectangular frame, with a flat screen displaying no image, emphasizing its glossy surface under soft natural light. Beside it, a realistic cell phone rests horizontally on the same table. The cell phone has a sleek black casing and a glass screen that reflects faint light, clearly separate from the television. The objects are spaced apart by a few inches, ensuring both are fully visible without overlapping. The photographic scene highlights the lifelike textures and details of both the television and the cell phone."}
-{"tag": "two_object", "include": [{"class": "tie", "count": 1}, {"class": "broccoli", "count": 1}], "prompt": "A realistic scene shows a silk tie and a fresh head of broccoli. The tie lies flat on a smooth wooden surface, its fabric richly textured, with a deep navy blue color and faint diagonal stripes. It is fully extended, with both ends clearly visible and no creases. The broccoli is positioned a few inches to the right of the tie, resting upright on the same surface. Its florets are vibrant green, densely packed, and slightly textured, while its thick stem is pale green with subtle grooves. Both objects are distinctly separate, fully visible, and captured in a photographic style."}
-{"tag": "two_object", "include": [{"class": "potted plant", "count": 1}, {"class": "donut", "count": 1}], "prompt": "A realistic ceramic pot rests on a wooden surface. The pot is cylindrical and painted in a glossy white finish. It contains a vibrant green leafy plant with broad, textured leaves that extend upward and outward in an organic arrangement. Beside the pot, a glazed donut lies flat on the same surface. The donut has a golden-brown base, topped with a smooth layer of pale pink frosting, evenly coated. The donut is entirely visible, with no parts obscured, and is positioned a few inches away from the pot. The photographic style highlights the lifelike textures of both the plant and the donut."}
-{"tag": "two_object", "include": [{"class": "person", "count": 1}, {"class": "sink", "count": 1}], "prompt": "A realistic scene shows a person and a sink, both fully visible and clearly separated. The person stands upright, positioned a few feet to the left of the sink. They wear casual clothing, with lifelike textures and natural folds in the fabric. Their skin appears smooth, with a realistic tone and subtle shadows highlighting their features. The sink is to the right, made of polished stainless steel that reflects light naturally. It is mounted on a counter, with a curved faucet and a drain visible at its center. The two objects are distinct, fully illuminated, and do not overlap."}
-{"tag": "two_object", "include": [{"class": "couch", "count": 1}, {"class": "snowboard", "count": 1}], "prompt": "A realistic couch is positioned on the left side of the scene, fully visible and standing on a wooden floor. The couch is upholstered in textured gray fabric, with straight backrests and armrests, sitting atop four sturdy wooden legs. A photographic snowboard is placed on the right side of the scene, entirely separate from the couch. The snowboard has a sleek design, featuring a glossy black surface with white patterns running lengthwise along its top layer. It rests horizontally on the floor, parallel to the couch, with its sharp edges and bindings clearly visible in the soft lighting."}
-{"tag": "two_object", "include": [{"class": "fork", "count": 1}, {"class": "baseball glove", "count": 1}], "prompt": "A stainless steel fork lies on a wooden table, its four tines pointing upward. The fork has a polished, reflective surface that catches the light. Beside it, a brown leather baseball glove rests on the same table, fully open and facing upward. The glove\u2019s leather is worn and textured, with visible stitching along the edges. The fork is positioned to the left, while the glove is placed to the right, with a clear gap between them. The wooden table has a smooth, natural grain, adding to the realistic, photographic quality of the scene."}
-{"tag": "two_object", "include": [{"class": "apple", "count": 1}, {"class": "toothbrush", "count": 1}], "prompt": "A bright red apple rests on a smooth, white countertop. The apple is glossy, with a small green leaf still attached to its stem. Its surface reflects subtle highlights, giving it a realistic, lifelike appearance. Beside the apple, a blue toothbrush lies horizontally on the same countertop. The toothbrush has a sleek, modern design with a white handle and soft bristles. The two objects are clearly separate, positioned about six inches apart, with no overlap. The scene is illuminated by natural light, casting soft shadows that enhance the photographic realism of the composition."}
-{"tag": "two_object", "include": [{"class": "bus", "count": 1}, {"class": "baseball glove", "count": 1}], "prompt": "A realistic yellow school bus is parked on an asphalt road. The bus is fully visible, with its rectangular shape, large black-tinted windows, and bright red stop sign extended from its side. Its tires are black and slightly worn, resting against the smooth, gray surface of the road. \n\nA realistic tan leather baseball glove lies on the ground a few feet away from the bus. The glove is positioned upright, with its curved fingers open and its stitching clearly visible. Both objects are separate and fully distinct, creating a photographic composition with no overlapping elements."}
-{"tag": "two_object", "include": [{"class": "person", "count": 1}, {"class": "stop sign", "count": 1}], "prompt": "A realistic scene shows a stop sign standing upright on a metal post. The sign is bright red with bold, white lettering that reads \"STOP,\" positioned at eye level. It is slightly weathered, with faint scratches visible on its surface, emphasizing its real-world appearance. Nearby, a person is standing, fully visible and separate from the sign. The person is wearing casual clothing: a blue jacket, black pants, and white sneakers. They are facing forward, a few feet away from the stop sign. The photographic depiction ensures both the person and the stop sign are distinct, lifelike, and clearly separated."}
-{"tag": "two_object", "include": [{"class": "carrot", "count": 1}, {"class": "couch", "count": 1}], "prompt": "A bright orange carrot lies on a smooth, polished wooden floor. The carrot is fresh, with a slightly textured surface and a vibrant green stem still attached. A few inches away, a large, plush couch stands on the same floor. The couch is upholstered in a deep navy blue fabric, with soft, rounded cushions and sturdy wooden legs. The carrot and the couch are positioned side by side, fully visible and not overlapping. The scene is realistic, with natural lighting casting subtle shadows on the floor, emphasizing the lifelike textures and colors of both objects. The style is photographic, capturing every detail with precision."}
-{"tag": "two_object", "include": [{"class": "baseball bat", "count": 1}, {"class": "bear", "count": 1}], "prompt": "A realistic baseball bat lies horizontally on the grass, its polished wooden surface gleaming under natural sunlight. The bat has a tapered handle and a rounded tip, with visible grains in the wood, indicating its craftsmanship. A photographic brown bear stands upright a few feet away, its muscular frame fully visible and coated with dense fur. The bear\u2019s dark eyes and slightly open mouth reveal sharp teeth, while its powerful front paws rest firmly on the ground. Both the bat and bear are separate and clearly distinguishable, positioned apart in a lifelike outdoor setting without overlapping."}
-{"tag": "two_object", "include": [{"class": "fire hydrant", "count": 1}, {"class": "train", "count": 1}], "prompt": "A realistic red fire hydrant is positioned on a concrete sidewalk. The fire hydrant is cylindrical with rounded caps at the top and bottom and features two metal hose connectors protruding from its sides. It stands upright and is free of scratches, with a clean metallic sheen. \n\nA large, realistic locomotive-style train is visible in the distance, positioned several yards away on parallel steel tracks. The train has a weathered metal exterior painted in muted tones of gray and black. Its front-facing headlights are turned off, and it is stationary, with no signs of motion or steam."}
-{"tag": "two_object", "include": [{"class": "baseball glove", "count": 1}, {"class": "carrot", "count": 1}], "prompt": "A worn, brown leather baseball glove lies on a patch of green grass. The glove is open, revealing its intricate stitching and a faint dirt smudge on the palm. Beside it, a bright orange carrot rests on the ground, its surface smooth and slightly glossy under natural light. The carrot\u2019s green leafy top is vibrant and slightly curled, contrasting with the earthy tones of the glove. The two objects are positioned a few inches apart, fully visible and not overlapping. The scene is rendered in a realistic, photographic style, capturing every texture and detail with lifelike precision."}
-{"tag": "two_object", "include": [{"class": "microwave", "count": 1}, {"class": "bench", "count": 1}], "prompt": "A realistic microwave is positioned on a flat, concrete surface. The microwave is rectangular, with a stainless steel body featuring a smooth, reflective finish. Its black digital control panel is located on the front, next to the glass door, which displays faint reflections of the surrounding area. A wooden bench sits a short distance away on the same concrete surface. The bench has a natural wood texture and is supported by sturdy black metal legs. The microwave and the bench are fully separate, with no overlap, and both are clearly visible within the scene. The style is photographic and lifelike."}
-{"tag": "two_object", "include": [{"class": "cake", "count": 1}, {"class": "stop sign", "count": 1}], "prompt": "A realistic round cake sits on a plain white ceramic plate, placed on a wooden table with a smooth, natural grain texture. The cake has a light cream-colored frosting with a matte finish, covering its entire surface evenly. It is undecorated, giving it a simple and lifelike appearance. \n\nA photographic stop sign stands a few feet away, firmly planted in a patch of neutral-colored asphalt. The sign is octagonal, painted in vivid red with the word \"STOP\" in bold white capital letters. Its metal pole is straight and dark gray, showing faint signs of weathering. Both objects are fully visible and separate."}
-{"tag": "two_object", "include": [{"class": "car", "count": 1}, {"class": "computer mouse", "count": 1}], "prompt": "A realistic car is parked on a smooth asphalt surface. The car is positioned at a slight angle, fully visible from the side, with its sleek metallic body reflecting natural light. The tires are clean, with detailed tread patterns and visible hubcaps. The windows are slightly tinted, and the car door handles are polished. \n\nA realistic computer mouse is placed a few feet away on a flat stone surface. The mouse is entirely visible, with a smooth plastic body and a distinct scrolling wheel. It is small in size compared to the car and positioned parallel to the ground."}
-{"tag": "two_object", "include": [{"class": "suitcase", "count": 1}, {"class": "dining table", "count": 1}], "prompt": "A realistic brown leather suitcase is placed directly on a smooth hardwood floor. The suitcase is rectangular in shape with visible stitching along its edges and metallic latches on the front. It stands upright with its handle neatly folded down on top. A wooden dining table is positioned a few feet away from the suitcase. The table is rectangular with a polished surface that reflects light subtly. Its four legs are thick and evenly spaced, made of the same dark-stained wood as the tabletop. Both objects are fully visible, clearly separate, and distinctly positioned in a photographic scene."}
-{"tag": "two_object", "include": [{"class": "person", "count": 1}, {"class": "traffic light", "count": 1}], "prompt": "A realistic scene shows a person standing on a concrete sidewalk. The person is dressed in casual clothing, with a plain white shirt and blue jeans, and is wearing black sneakers. They stand upright with their arms resting naturally at their sides. A few feet to their right, a traffic light is mounted on a metal pole. The traffic light is realistic, with three circular lenses\u2014red, yellow, and green\u2014arranged vertically. The pole is painted dark green and firmly embedded into the ground. Both the person and the traffic light are fully visible and distinctly separate, captured in photographic clarity."}
-{"tag": "two_object", "include": [{"class": "cell phone", "count": 1}, {"class": "horse", "count": 1}], "prompt": "A realistic cell phone lies flat on a wooden table. The phone's sleek black frame and glass screen reflect the soft ambient light, showing no visible smudges or fingerprints. A realistic horse stands on green grass a few feet away from the table. The horse's glossy brown coat gleams under natural daylight, and its mane flows gently in the breeze. The cell phone and the horse are clearly separated, fully visible, and positioned apart from each other. The photographic scene captures the sharp details of both objects with lifelike precision."}
-{"tag": "two_object", "include": [{"class": "baseball bat", "count": 1}, {"class": "giraffe", "count": 1}], "prompt": "A realistic wooden baseball bat lies horizontally on the ground, its smooth surface showcasing a natural light brown grain. The bat is positioned in the foreground, resting on a patch of dry, compacted dirt. A tall, lifelike giraffe stands several feet behind the bat, fully visible and upright. The giraffe\u2019s coat is a warm golden tan covered in distinct, irregularly shaped dark brown spots. Its long neck stretches upward, and its head faces forward, displaying alert eyes and small, tufted ossicones on top. The giraffe is standing on the same dirt patch, surrounded by sparse blades of dry grass."}
-{"tag": "counting", "include": [{"class": "clock", "count": 2}], "exclude": [{"class": "clock", "count": 3}], "prompt": "There are two identical clocks placed side by side on a wooden shelf. Each clock has a round, silver frame with a white face. The clocks display the same time, with black hour and minute hands pointing precisely to 10:10. The wooden shelf has a smooth, polished surface, reflecting the light softly. The background is neutral, with a plain wall painted in a light beige tone. The overall scene is realistic, with a photographic quality that captures the fine details of the clocks and their surroundings."}
-{"tag": "counting", "include": [{"class": "backpack", "count": 2}], "exclude": [{"class": "backpack", "count": 3}], "prompt": "There are two backpacks placed side by side on a wooden floor. Both backpacks are medium-sized and upright. The first backpack is black with a sleek, smooth texture. The second backpack is navy blue with a slightly rugged appearance. Each backpack has multiple zippered compartments visible on the front. The straps of both backpacks rest neatly against their sides. The lighting is soft, highlighting the realistic textures and colors of the materials. The scene is simple, focusing only on the two backpacks in a photographic style."}
-{"tag": "counting", "include": [{"class": "handbag", "count": 4}], "exclude": [{"class": "handbag", "count": 5}], "prompt": "There are four identical handbags arranged side by side on a wooden table. Each handbag is medium-sized and rectangular in shape. The handbags are made of smooth, dark brown leather. The leather has a subtle sheen, reflecting light softly. The handles of each handbag are sturdy and slightly curved. The zippers are metallic and silver-toned, adding a polished contrast to the dark brown. The stitching along the edges is precise and uniform. The table beneath the handbags has a natural wood grain texture, enhancing the realistic setting. The overall scene is photographic, capturing every detail with lifelike clarity."}
-{"tag": "counting", "include": [{"class": "frisbee", "count": 2}], "exclude": [{"class": "frisbee", "count": 3}], "prompt": "Two identical frisbees lie on a flat, grassy field. The frisbees are circular in shape, each with a diameter of approximately 10 inches. Both frisbees are bright yellow, with a smooth, glossy surface that reflects the sunlight. They are positioned parallel to each other, about 12 inches apart. The edges of the frisbees are slightly raised, giving them a shallow, concave form. The grass beneath them is short and vibrant green, with a few blades bending under the weight of the frisbees. The scene is realistic, with a photographic quality that captures the fine details of the frisbees and their surroundings."}
-{"tag": "counting", "include": [{"class": "sports ball", "count": 3}], "exclude": [{"class": "sports ball", "count": 4}], "prompt": "There are three sports balls arranged on a flat, neutral-colored surface. The first ball is a basketball, with its distinctive orange color and textured black lines. The second ball is a soccer ball, featuring a classic black-and-white hexagonal pattern. The third ball is a volleyball, displaying a white surface with blue and yellow panels. Each ball is placed side by side, evenly spaced, and positioned to face the viewer directly. The lighting is soft and natural, casting subtle shadows beneath each ball. The texture and details of each ball are rendered in a highly realistic, photographic style, emphasizing their lifelike appearance."}
-{"tag": "counting", "include": [{"class": "bear", "count": 2}], "exclude": [{"class": "bear", "count": 3}], "prompt": "There are two realistic brown bears standing on a forest floor. Both bears have thick, coarse fur in varying shades of brown. The first bear stands slightly to the left, its head tilted downward as if sniffing the ground. The second bear is positioned a few feet to the right, looking straight ahead with a calm and watchful expression. The surrounding ground is covered in scattered leaves and patches of dirt. Soft, natural light filters through the trees above, casting faint shadows around the bears. The photographic detail captures the lifelike texture of their fur and the natural environment."}
-{"tag": "counting", "include": [{"class": "tie", "count": 2}], "exclude": [{"class": "tie", "count": 3}], "prompt": "There are two identical ties placed side by side on a smooth wooden surface. Both ties are made of silk and share the same deep navy blue color. Each tie features a subtle diagonal stripe pattern in a slightly lighter shade of blue. The ties are neatly folded, with their narrow ends overlapping slightly. The texture of the silk is smooth and reflective, catching the light realistically. The wooden surface beneath them has a natural grain, adding to the lifelike quality of the scene. The overall composition is photographic, emphasizing the realistic details of the ties and their surroundings."}
-{"tag": "counting", "include": [{"class": "sink", "count": 4}], "exclude": [{"class": "sink", "count": 5}], "prompt": "There are four sinks arranged side by side on a polished countertop. Each sink is rectangular with clean, sharp edges. The surfaces of the sinks are made of stainless steel, reflecting light with a realistic metallic sheen. All four sinks are identical in size, evenly spaced, and perfectly aligned. The faucets attached to each sink are silver, upright, and matching in design. The countertop is smooth and a neutral gray, complementing the sinks' metallic appearance. The overall arrangement is symmetrical, creating a photographic scene of uniformity and order."}
-{"tag": "counting", "include": [{"class": "toothbrush", "count": 2}], "exclude": [{"class": "toothbrush", "count": 3}], "prompt": "There are two toothbrushes placed side by side on a white countertop. Each toothbrush is upright and positioned parallel to the other, with equal spacing between them. Both toothbrushes have straight handles and bristles at the top, appearing clean and unused. The handles are smooth and made of hard plastic material, with no visible imperfections. The bristles on both toothbrushes are evenly packed and slightly tapered at the edges. The scene is lit with natural light, creating soft shadows beneath the toothbrushes. The overall composition is realistic, with a photographic quality highlighting the simplicity and symmetry of the objects."}
-{"tag": "counting", "include": [{"class": "person", "count": 3}], "exclude": [{"class": "person", "count": 4}], "prompt": "There are three people standing side by side. Each person is dressed in casual, everyday clothing. Their faces and features are detailed and lifelike, capturing a photographic level of realism. The individuals are positioned in a straight line, evenly spaced apart. The background is simple and neutral, ensuring the focus remains on the three figures. Light falls evenly across their faces, highlighting their natural expressions. Each person stands upright, with a relaxed and natural posture. Their presence emphasizes the realism of the scene, creating a photographic depiction of three people together."}
-{"tag": "counting", "include": [{"class": "tennis racket", "count": 3}], "exclude": [{"class": "tennis racket", "count": 4}], "prompt": "There are three tennis rackets lying side by side on a flat wooden surface. Each racket has a black grip wrapped tightly around the handle. The strings are taut and arranged in a grid pattern, showcasing their tension. The frames of the rackets are metallic gray with a polished finish that reflects light subtly. All three rackets are identical in size, shape, and design. They are positioned parallel to each other with minimal spacing between them. The overall composition is clean and orderly. The scene has a realistic appearance, highlighting the lifelike textures and details of the rackets."}
-{"tag": "counting", "include": [{"class": "bowl", "count": 4}], "exclude": [{"class": "bowl", "count": 5}], "prompt": "There are four bowls placed on a wooden table. Each bowl is ceramic and has a smooth, polished surface. The bowls are evenly spaced, creating a neat arrangement. All four bowls are identical in size and shape, with a subtle off-white color. The edges of the bowls are slightly curved, giving them a delicate appearance. The natural light highlights the realistic texture of the ceramic material. Shadows from the bowls fall softly on the table, adding depth to the scene. The overall composition has a photographic quality, capturing the simplicity and balance of the arrangement."}
-{"tag": "counting", "include": [{"class": "vase", "count": 4}], "exclude": [{"class": "vase", "count": 5}], "prompt": "There are four realistic vases placed on a wooden table. Each vase is cylindrical and smooth with a glossy finish. Two vases are positioned on the left side of the table, close together. The other two vases are arranged on the right, evenly spaced apart. All vases are identical in shape and size, standing upright with a moderate height. The surfaces of the vases reflect light subtly, emphasizing their polished texture. The photographic setting captures the vases in natural lighting, showing their lifelike appearance against the neutral background."}
-{"tag": "counting", "include": [{"class": "cup", "count": 3}], "exclude": [{"class": "cup", "count": 4}], "prompt": "There are three identical ceramic cups placed side by side on a wooden table. Each cup is white with a simple, smooth surface. The cups are arranged in a straight line, evenly spaced apart. The wooden table has a natural grain texture, adding a realistic touch to the scene. The lighting is soft and natural, casting subtle shadows beneath each cup. The overall composition is clean and minimal, with a photographic quality that highlights the lifelike details of the cups and their surroundings."}
-{"tag": "counting", "include": [{"class": "computer keyboard", "count": 4}], "exclude": [{"class": "computer keyboard", "count": 5}], "prompt": "There are four computer keyboards placed side by side on a wooden desk. Each keyboard is rectangular and features a standard QWERTY layout. The keyboards are black with matte finishes, and their keys are evenly spaced and textured for typing. All four keyboards are identical in size, color, and design, creating a uniform appearance. The desk is clean and minimal, emphasizing the presence of the keyboards. Soft, natural lighting highlights the keyboards, casting subtle shadows across the desk. The scene is captured in a realistic, photographic style, showcasing the lifelike details of the keyboards and their arrangement."}
-{"tag": "counting", "include": [{"class": "sink", "count": 3}], "exclude": [{"class": "sink", "count": 4}], "prompt": "There are three identical sinks arranged in a row. Each sink is rectangular with a smooth, white porcelain surface. The sinks are positioned evenly spaced, with equal distance between them. The faucets are chrome-plated and have a simple, modern design. The countertop is made of polished gray marble, extending seamlessly across all three sinks. The background features a plain white wall, adding to the clean and minimalist aesthetic. The scene is illuminated by soft, natural light, casting subtle shadows on the countertop. The overall composition is highly realistic, resembling a photographic representation of a modern bathroom setting."}
-{"tag": "counting", "include": [{"class": "oven", "count": 2}], "exclude": [{"class": "oven", "count": 3}], "prompt": "There are two ovens positioned side by side. Each oven is rectangular and metallic, with a stainless steel finish that reflects light under a bright room. Both ovens have smooth, glass-front doors with black frames, showing clear windows for viewing the interior. The handles on the doors are horizontal and polished, matching the metallic casing. Their control panels are located above the doors, featuring evenly spaced buttons and small digital displays. The ovens are clean and free of scratches or smudges. The overall appearance is photographic and realistic, highlighting the symmetry and identical design of the two appliances."}
-{"tag": "counting", "include": [{"class": "toilet", "count": 2}], "exclude": [{"class": "toilet", "count": 3}], "prompt": "There are two toilets positioned side by side. Each toilet is white with a smooth ceramic surface and a standard oval seat. They have silver flush handles located on the right side of the tank. Both are clean with no visible stains or marks. The toilets are placed on a tiled floor consisting of rectangular gray tiles arranged in a neat grid pattern. The lighting is soft and natural, evenly illuminating the scene without shadows. The overall composition is realistic and photographic, showcasing the simplicity and utility of the identical toilets in a neutral setting."}
-{"tag": "counting", "include": [{"class": "bicycle", "count": 2}], "exclude": [{"class": "bicycle", "count": 3}], "prompt": "Two bicycles stand side by side on a paved path. Both bicycles are identical in design and color. Each bicycle has a sleek, metallic frame painted in a deep shade of navy blue. The handlebars are positioned straight, and the seats are adjusted to the same height. The tires are black with visible tread patterns, resting firmly on the ground. The bicycles are aligned parallel to each other, spaced evenly apart. The scene is realistic, with a photographic quality that captures the fine details of the bikes and their surroundings."}
-{"tag": "counting", "include": [{"class": "train", "count": 2}], "exclude": [{"class": "train", "count": 3}], "prompt": "There are two trains on parallel tracks. Each train is large and realistic, with metallic exteriors reflecting the natural light. The first train is positioned on the left track, and the second train is positioned on the right track. Both trains have detailed, lifelike textures, including visible rivets and weathered paint. The windows on each train are clear and rectangular, showing reflections of the surrounding environment. The trains are stationary, with their fronts aligned. The photographic style captures the scene with precision, emphasizing the symmetry and the industrial design of the trains against their real-world setting."}
-{"tag": "counting", "include": [{"class": "orange", "count": 3}], "exclude": [{"class": "orange", "count": 4}], "prompt": "There are three oranges placed side by side on a smooth, wooden surface. Each orange is identical in size and shape, with a vibrant, deep orange hue. The texture of their skin is slightly bumpy and matte, reflecting natural light softly. The oranges are arranged in a straight line, evenly spaced apart. The background is neutral and uncluttered, allowing the oranges to stand out prominently. The scene is rendered in a realistic, photographic style, capturing every detail with lifelike precision."}
-{"tag": "counting", "include": [{"class": "bus", "count": 3}], "exclude": [{"class": "bus", "count": 4}], "prompt": "There are three buses parked side by side on a paved road. Each bus is full-sized and rectangular, with realistic metallic frames and smooth surfaces. The buses are painted in solid colors, reflecting light naturally. All buses have large, clear windows evenly spaced along their sides. Each bus is positioned parallel to the others, maintaining equal spacing between them. The tires of all three buses are black and slightly worn, resting firmly on the asphalt. The scene is set in a photographic style, capturing the lifelike texture and proportions of the buses in a real-world environment."}
-{"tag": "counting", "include": [{"class": "handbag", "count": 3}], "exclude": [{"class": "handbag", "count": 4}], "prompt": "There are three identical handbags placed side by side on a wooden table. Each handbag is medium-sized and rectangular in shape. The handbags are made of smooth, dark brown leather. The surface of each handbag reflects a soft, natural light, highlighting its realistic texture. The handles of the handbags are sturdy and slightly curved. The zippers are metallic and gleam under the light. The arrangement is neat, with equal spacing between each handbag. The wooden table beneath them has a warm, natural grain, adding to the photographic realism of the scene. The overall composition is clean and lifelike."}
-{"tag": "counting", "include": [{"class": "snowboard", "count": 3}], "exclude": [{"class": "snowboard", "count": 4}], "prompt": "There are three snowboards standing upright against a wooden wall. Each snowboard is tall and narrow with a sleek, smooth surface. The snowboards have realistic designs and patterns across their faces, showcasing modern graphics. They are arranged side by side, evenly spaced, with their edges aligned neatly. The colors on each snowboard vary slightly but remain bold and vibrant, contrasting against the natural wood background. The metallic bindings are securely attached to the boards, reflecting light subtly. The photographic style captures every detail of the textures and materials, emphasizing their lifelike appearance."}
-{"tag": "counting", "include": [{"class": "snowboard", "count": 2}], "exclude": [{"class": "snowboard", "count": 3}], "prompt": "Two snowboards are positioned side by side on a flat, snow-covered ground. Each snowboard is identical in size and shape, measuring approximately 150 centimeters in length. The snowboards have a sleek, matte black base with vibrant, geometric patterns in shades of blue and white on the top surface. Both snowboards are angled slightly outward, with their bindings facing upward. The bindings are silver and black, with adjustable straps. The snowboards rest lightly on the powdery snow, leaving faint impressions beneath them. The scene is realistic, with a photographic quality that captures the texture of the snow and the reflective surfaces of the snowboards."}
-{"tag": "counting", "include": [{"class": "dog", "count": 4}], "exclude": [{"class": "dog", "count": 5}], "prompt": "There are four dogs standing side by side on a grassy field. Each dog is of medium size, with short fur and a muscular build. The dogs are identical in appearance, with tan coats and black muzzles. Their ears are perked up, and their tails are held high. The grassy field is lush and green, stretching out under a clear blue sky. The scene is realistic, with sharp details and natural lighting, capturing the texture of the dogs' fur and the blades of grass beneath their paws. The photographic style emphasizes the lifelike quality of the moment."}
-{"tag": "counting", "include": [{"class": "apple", "count": 3}], "exclude": [{"class": "apple", "count": 4}], "prompt": "There are three apples placed on a wooden surface. Each apple is round and exhibits a smooth, glossy texture. The apples have a deep red color, with subtle hints of yellow near their stems. Their stems are short and brown, curving slightly upward. The wooden surface beneath them is light brown, with visible grain patterns adding to the realistic appearance. Soft, natural light illuminates the scene, casting gentle shadows around the apples. The composition highlights the simplicity and lifelike quality of the arrangement, creating a photographic depiction that emphasizes the vibrant presence of the three apples."}
-{"tag": "counting", "include": [{"class": "sheep", "count": 2}], "exclude": [{"class": "sheep", "count": 3}], "prompt": "There are two realistic sheep standing side by side in a green pasture. Each sheep has a thick, woolly coat that is off-white in color. The sheep are positioned close to one another, facing slightly different directions. Both sheep have symmetrical bodies with four visible legs and small, pointed ears. The grass beneath them is lush and vibrant green, creating a natural contrast against their pale wool. The photographic scene is brightly lit, emphasizing the lifelike textures of their fur and surroundings. The count of two sheep is clear and distinct within the composition."}
-{"tag": "counting", "include": [{"class": "hot dog", "count": 3}], "exclude": [{"class": "hot dog", "count": 4}], "prompt": "There are three hot dogs placed side by side on a flat, wooden table. Each hot dog is nestled in a soft, lightly toasted bun with golden-brown edges. The buns are evenly shaped and have a warm, natural texture. The sausages are a rich, golden-brown color with realistic grill marks running diagonally along their length. A light shine on the sausages suggests they are freshly cooked. No additional toppings or condiments are visible. The lighting is natural, casting soft shadows and highlighting the details of the hot dogs. The overall scene appears photographic and highly realistic."}
-{"tag": "counting", "include": [{"class": "zebra", "count": 3}], "exclude": [{"class": "zebra", "count": 4}], "prompt": "There are three zebras standing on a dry, dusty savanna. Each zebra has a striking pattern of black and white stripes covering its body. The zebras are evenly spaced, standing close to one another. Their manes are upright and short, matching the striped pattern of their coats. The ground beneath them is a mix of golden grass and patches of bare earth. A bright, clear blue sky stretches above, with no clouds in sight. The scene is illuminated by warm sunlight, highlighting the zebras\u2019 realistic features. The photographic detail captures the texture of their fur and the arid environment."}
-{"tag": "counting", "include": [{"class": "kite", "count": 3}], "exclude": [{"class": "kite", "count": 4}], "prompt": "Three kites soar high in a clear blue sky. Each kite is diamond-shaped and identical in size. The kites are evenly spaced, forming a perfect horizontal line. Their vibrant colors\u2014red, yellow, and blue\u2014stand out vividly against the realistic, cloudless backdrop. The strings of the kites are thin and barely visible, trailing downward toward an unseen holder. The scene is photographic, capturing the lifelike motion of the kites as they flutter gently in the breeze. The realistic details of the kites and their surroundings create a vivid, immersive image."}
-{"tag": "counting", "include": [{"class": "apple", "count": 4}], "exclude": [{"class": "apple", "count": 5}], "prompt": "There are four apples placed side by side on a wooden table. Each apple is identical in size and shape. The apples are a deep, vibrant red with a glossy sheen. The wooden table has a smooth, natural grain, adding a realistic texture to the scene. The lighting is soft and natural, casting subtle shadows beneath each apple. The arrangement is simple and symmetrical, emphasizing the uniformity of the four apples. The overall composition is photographic, capturing the lifelike details of the apples and the table in a realistic style."}
-{"tag": "counting", "include": [{"class": "cell phone", "count": 3}], "exclude": [{"class": "cell phone", "count": 4}], "prompt": "There are three cell phones placed on a wooden table. Each phone has a sleek, rectangular shape with smooth edges. The devices feature black screens that are turned off, reflecting a faint glimmer of light. Their metallic casings are silver, polished, and free of smudges. All three phones are aligned side by side in a straight row, evenly spaced apart. The lighting in the scene is warm and natural, highlighting the realistic texture of the table and the phones. The photographic composition underscores the simplicity of the arrangement and the identical nature of the objects."}
-{"tag": "counting", "include": [{"class": "baseball glove", "count": 4}], "exclude": [{"class": "baseball glove", "count": 5}], "prompt": "There are four baseball gloves resting on a wooden table. Each glove is made of brown leather with visible stitching along the edges. The gloves are arranged side by side, evenly spaced apart. The leather appears worn and textured, with some faint creases adding to their realistic look. The table beneath them is a light oak color, with a smooth surface and subtle wood grain patterns. Soft, natural lighting highlights the details of the gloves, emphasizing their lifelike quality. The overall composition captures a photographic realism, showcasing the simplicity of the scene with clear focus on the four identical gloves."}
-{"tag": "counting", "include": [{"class": "computer keyboard", "count": 3}], "exclude": [{"class": "computer keyboard", "count": 4}], "prompt": "There are three identical computer keyboards arranged side by side on a flat, smooth surface. Each keyboard is black with a matte finish. The keyboards are aligned perfectly, with their edges touching. The keys are uniformly spaced and have a slight sheen under the light. The surface beneath the keyboards is a neutral gray, providing a clean and realistic backdrop. The scene is illuminated by soft, natural light, casting subtle shadows that enhance the photographic realism of the arrangement. The focus is on the repetition and uniformity of the three keyboards, creating a striking and lifelike composition."}
-{"tag": "counting", "include": [{"class": "bed", "count": 2}], "exclude": [{"class": "bed", "count": 3}], "prompt": "In a softly lit room, there are two identical beds positioned parallel to each other. Each bed is a standard double size, with crisp white sheets and a neatly folded gray blanket at the foot. The beds are placed symmetrically, with matching wooden nightstands on either side. The headboards are made of dark brown wood, featuring a simple, rectangular design. The room has a calm, realistic ambiance, with natural light streaming through a nearby window, casting soft shadows on the beds. The overall scene is photographic, emphasizing the lifelike arrangement and symmetry of the two beds."}
-{"tag": "counting", "include": [{"class": "tv remote", "count": 2}], "exclude": [{"class": "tv remote", "count": 3}], "prompt": "There are two TV remotes placed side by side on a wooden coffee table. Each remote is rectangular and made of black plastic with smooth edges. The buttons on both remotes are arranged in neat rows, with some buttons circular and others rectangular. The remotes are identical in size and design, showing light reflections on their glossy surfaces. The wooden coffee table beneath them has a realistic grain texture with a warm brown tone. The scene is lit softly, highlighting the remotes and emphasizing their photographic realism."}
-{"tag": "counting", "include": [{"class": "fire hydrant", "count": 3}], "exclude": [{"class": "fire hydrant", "count": 4}], "prompt": "There are three fire hydrants positioned in a straight line on a concrete sidewalk. Each fire hydrant is painted a vivid red with a slightly weathered and realistic metallic finish. The hydrants are evenly spaced, standing upright with sturdy, cylindrical bases. Their caps and nozzles are securely attached, showing signs of minor wear from frequent use. The sunlight reflects subtly off their surfaces, highlighting their textured, photographic appearance. The concrete beneath them is cracked and aged, adding to the lifelike scene. The background remains unobtrusive, ensuring full focus on the trio of identical fire hydrants."}
-{"tag": "counting", "include": [{"class": "book", "count": 3}], "exclude": [{"class": "book", "count": 4}], "prompt": "There are three books stacked neatly on a wooden table. Each book has a rectangular shape with slightly worn edges, giving them a used appearance. The covers of the books are smooth and matte, with realistic textures visible upon closer inspection. The colors of the covers are muted shades of blue, green, and brown, evenly distributed across the stack. The books are of similar size, with each one approximately an inch thick. They are positioned flat on top of one another, forming a stable pile. The photographic style captures every detail of the books and their arrangement with lifelike precision."}
-{"tag": "counting", "include": [{"class": "giraffe", "count": 4}], "exclude": [{"class": "giraffe", "count": 5}], "prompt": "There are four giraffes standing on a grassy plain. Each giraffe is tall and has a patterned coat of brown spots on a tan background. Their necks are elongated and stretch upward, emphasizing their height. They are positioned close to one another, forming a loose group in the center of the scene. The grass beneath them is vibrant and green, covering the ground uniformly. Behind them, the sky is clear and blue, with no clouds visible. The overall composition is realistic, capturing the lifelike appearance of the giraffes and their natural environment in photographic detail."}
-{"tag": "counting", "include": [{"class": "vase", "count": 2}], "exclude": [{"class": "vase", "count": 3}], "prompt": "There are two ceramic vases placed side by side on a wooden table. Both vases are tall and cylindrical, with smooth, polished surfaces. The first vase is positioned slightly to the left, while the second vase is directly to its right. Each vase is a muted, earthy tone, one in beige and the other in light gray. The vases appear empty, with no decorations or additional elements present. The soft lighting highlights their realistic textures and subtle color variations. The scene has a photographic quality, emphasizing the simplicity and symmetry of the arrangement."}
-{"tag": "counting", "include": [{"class": "donut", "count": 4}], "exclude": [{"class": "donut", "count": 5}], "prompt": "There are four donuts placed on a wooden table. Each donut is round and evenly shaped. The surface of each donut is golden brown and lightly textured, appearing well-baked. All four donuts have a realistic, glossy glaze coating their tops, reflecting soft light. The donuts are positioned side by side in a neat row, with slight spacing between them. No additional toppings or decorations are visible on any of the donuts. The photographic style highlights their simple appearance and lifelike qualities, making the scene feel natural and grounded in reality."}
-{"tag": "counting", "include": [{"class": "chair", "count": 4}], "exclude": [{"class": "chair", "count": 5}], "prompt": "There are four identical wooden chairs arranged in a straight line. Each chair has a sturdy, dark brown frame with a smooth, polished finish. The chairs are positioned evenly spaced, approximately two feet apart from one another. The seats are rectangular and upholstered in a neutral beige fabric, slightly worn but clean. The backs of the chairs feature a simple, vertical slat design. The legs are straight and taper slightly toward the bottom. The scene is set in a realistic, photographic style, with natural lighting casting soft shadows on the floor beneath the chairs."}
-{"tag": "counting", "include": [{"class": "baseball bat", "count": 3}], "exclude": [{"class": "baseball bat", "count": 4}], "prompt": "Three baseball bats are arranged side by side on a wooden bench. Each bat is identical in size and shape, measuring approximately 34 inches in length. The bats are made of polished wood, with a smooth, glossy finish that reflects light. Their handles are wrapped in black grip tape, tightly wound for a secure hold. The barrels of the bats are uniform in thickness, tapering slightly toward the handle. The scene is set in a realistic, photographic style, with natural lighting highlighting the texture of the wood and the subtle grain patterns. The background is minimal, focusing attention on the three bats."}
-{"tag": "counting", "include": [{"class": "stop sign", "count": 4}], "exclude": [{"class": "stop sign", "count": 5}], "prompt": "There are four stop signs positioned upright on metal poles. Each stop sign is octagonal in shape and painted a vibrant red color. The bold white letters spelling \"STOP\" are centered on each sign, clearly visible against the red background. All four signs are identical in size, design, and condition, with no signs of wear or damage. They are evenly spaced apart, standing at equal height along a paved roadside. The photographic style captures their lifelike appearance and sharp details, highlighting the reflective surface of each sign under natural daylight."}
-{"tag": "counting", "include": [{"class": "pizza", "count": 2}], "exclude": [{"class": "pizza", "count": 3}], "prompt": "There are two pizzas placed side by side on a wooden table. Each pizza has a perfectly round shape and a thin, crispy crust. The crust is golden brown, with slight charring around the edges. The surface of both pizzas is evenly topped with melted mozzarella cheese, which appears bubbly and slightly browned in certain spots. Visible slices of pepperoni are scattered across each pizza in an even pattern. The pizzas are identical in size and toppings, with no noticeable differences between them. The lighting highlights their textures, creating a photographic and lifelike representation of the scene."}
-{"tag": "counting", "include": [{"class": "refrigerator", "count": 3}], "exclude": [{"class": "refrigerator", "count": 4}], "prompt": "Three identical refrigerators stand side by side in a realistic setting. Each refrigerator is large, with a sleek stainless steel finish that reflects the surrounding light. The doors are tall and rectangular, featuring vertical handles made of brushed metal. The refrigerators are positioned evenly, with equal spacing between them. The scene is illuminated by soft, natural light, casting subtle shadows on the floor. The background is minimal, emphasizing the clean, modern design of the appliances. The overall composition is photographic, capturing the lifelike texture and reflective quality of the stainless steel surfaces."}
-{"tag": "counting", "include": [{"class": "fire hydrant", "count": 2}], "exclude": [{"class": "fire hydrant", "count": 3}], "prompt": "Two fire hydrants stand side by side on a paved sidewalk. Both hydrants are identical in shape and size. Each hydrant is painted bright red with silver caps and nozzles. The red paint is slightly weathered, showing faint scratches and scuffs. The hydrants are positioned about two feet apart, firmly anchored to the ground. Their cylindrical bodies are sturdy and functional, with a realistic, industrial appearance. The scene is set under natural daylight, casting soft shadows on the pavement. The overall style is photographic, capturing every detail with lifelike precision."}
-{"tag": "counting", "include": [{"class": "giraffe", "count": 3}], "exclude": [{"class": "giraffe", "count": 4}], "prompt": "Three giraffes stand in a sunlit savanna. Each giraffe has a tall, slender body with a long neck and legs. Their coats are covered in irregular brown patches against a lighter tan background. The giraffes are positioned close to each other, grazing on the sparse, dry grass. The tallest giraffe is in the center, slightly ahead of the other two. The scene is bathed in warm, golden sunlight, casting soft shadows on the ground. The background features a distant line of acacia trees under a clear blue sky. The image is realistic, with photographic detail capturing the texture of their fur and the natural environment."}
-{"tag": "counting", "include": [{"class": "tv", "count": 4}], "exclude": [{"class": "tv", "count": 5}], "prompt": "There are four identical televisions arranged in a row. Each television is a sleek, black, flat-screen model. The screens are turned off, reflecting a soft, ambient light. The televisions are evenly spaced, creating a symmetrical and orderly appearance. The stands supporting each TV are slim and metallic, blending seamlessly with the modern design. The background is neutral, emphasizing the clean lines and realistic details of the televisions. The overall scene is photographic, capturing the lifelike texture and reflective surfaces of the screens and stands."}
-{"tag": "counting", "include": [{"class": "wine glass", "count": 3}], "exclude": [{"class": "wine glass", "count": 4}], "prompt": "There are three wine glasses placed on a wooden table. Each glass is tall and slender with a clear, transparent surface. The wine glasses stand upright and evenly spaced apart, creating a balanced arrangement. The reflective surfaces of the glasses shimmer faintly under soft ambient light. No liquid is present inside the glasses, leaving them empty. The wooden table beneath is smooth and polished, with visible grain patterns adding texture to the scene. The composition is highly realistic, capturing the lifelike details of the wine glasses and their surroundings in a photographic manner."}
-{"tag": "counting", "include": [{"class": "broccoli", "count": 4}], "exclude": [{"class": "broccoli", "count": 5}], "prompt": "There are four fresh broccolis placed together on a wooden surface. Each broccoli is a vibrant green with tightly clustered florets and sturdy stems. The florets appear dense and textured, showcasing their natural patterns. All four broccolis are of similar size and shape, arranged closely but not touching each other. The wooden surface beneath them has a natural grain, adding contrast to the green color of the vegetables. The lighting is soft and evenly distributed, highlighting the realistic details of the broccolis. This photographic depiction emphasizes the simplicity and lifelike presence of the arrangement."}
-{"tag": "counting", "include": [{"class": "truck", "count": 3}], "exclude": [{"class": "truck", "count": 4}], "prompt": "There are three trucks parked side by side in an open lot. Each truck is large and realistic, with clean, metallic surfaces reflecting light. The first truck is positioned on the left, the second in the center, and the third on the right. All trucks appear identical in shape and size, with sturdy tires and well-defined grills. Their colors are muted tones of gray, emphasizing their photographic realism. The trucks are evenly spaced, creating a symmetrical and structured arrangement. The scene is grounded in natural lighting, enhancing the lifelike quality of the image."}
-{"tag": "counting", "include": [{"class": "truck", "count": 2}], "exclude": [{"class": "truck", "count": 3}], "prompt": "There are two realistic trucks parked side by side on a concrete road. The first truck is positioned slightly to the left, and the second truck is directly to its right. Both trucks are full-sized and appear sturdy, with metallic finishes that reflect natural light. The paint on each truck is clean and polished, showing no visible wear or rust. The tires on both trucks are black, evenly inflated, and have deep treads. The windows on each truck are clear and slightly tinted. The photographic scene captures every detail, emphasizing the presence of two identical vehicles in a real-world setting."}
-{"tag": "counting", "include": [{"class": "carrot", "count": 2}], "exclude": [{"class": "carrot", "count": 3}], "prompt": "There are two carrots placed side by side on a wooden table. Both carrots are identical in size and shape. Each carrot is long and slightly tapered, with a vibrant orange color. The surface of each carrot is smooth and textured with fine natural ridges. The wooden table has a realistic grain pattern, adding depth to the scene. The lighting is soft and natural, casting subtle shadows beneath the carrots. The overall composition is photographic, emphasizing the lifelike details of the carrots and their surroundings."}
-{"tag": "counting", "include": [{"class": "sandwich", "count": 2}], "exclude": [{"class": "sandwich", "count": 3}], "prompt": "There are two sandwiches placed side by side on a wooden table. Each sandwich is rectangular and evenly cut in half, revealing layers of fillings inside. The bread appears lightly toasted, with a realistic golden-brown crust. The fillings include slices of green lettuce, thin layers of turkey, and melted cheese, all stacked neatly. The sandwiches are positioned parallel to each other, with a small gap between them. The photographic lighting highlights the texture of the bread and the freshness of the ingredients, creating a lifelike and appetizing view of the two sandwiches."}
-{"tag": "counting", "include": [{"class": "traffic light", "count": 4}], "exclude": [{"class": "traffic light", "count": 5}], "prompt": "There are four traffic lights mounted on tall, metallic poles. Each traffic light is rectangular with three circular lenses: red at the top, yellow in the middle, and green at the bottom. The lenses are made of reflective glass and appear clean and polished. All four traffic lights are evenly spaced along the side of a straight road. The poles are painted in a dull gray with a smooth, metallic finish. The scene is illuminated by natural daylight, enhancing the clarity of every detail. The overall composition is highly realistic, showcasing lifelike textures and proportions."}
-{"tag": "counting", "include": [{"class": "clock", "count": 4}], "exclude": [{"class": "clock", "count": 5}], "prompt": "There are four identical clocks arranged in a row on a wooden shelf. Each clock has a circular face with a white background and black Roman numerals. The clocks are framed in polished silver metal, reflecting light subtly. The hour and minute hands are black and slender, pointing to different times on each clock. The wooden shelf beneath them is smooth and light brown, with visible grain patterns. The scene is illuminated by soft, natural light, casting faint shadows beneath each clock. The overall composition is realistic, resembling a photographic still life with precise detail and lifelike textures."}
-{"tag": "counting", "include": [{"class": "car", "count": 2}], "exclude": [{"class": "car", "count": 3}], "prompt": "There are two cars parked side by side on a paved road. Both cars are realistic in appearance and feature clean, polished exteriors. The first car is positioned on the left, while the second car is on the right. Each car has four wheels and visible side mirrors. The colors of the cars are distinct but not specified, showcasing their photographic quality. Both vehicles are stationary, with no visible signs of movement. The scene captures the lifelike details of the vehicles' shapes and proportions, emphasizing their realism against the neutral background of the road."}
-{"tag": "counting", "include": [{"class": "banana", "count": 2}], "exclude": [{"class": "banana", "count": 3}], "prompt": "There are two yellow bananas placed side by side on a wooden surface. Each banana has a curved shape and a smooth peel with minor speckles near the top. The bananas are identical in size and color, with a fresh, unblemished appearance. The wooden surface beneath them is textured and shows natural grain patterns. The lighting is soft, highlighting the bananas' natural sheen and vibrant yellow tone. This composition is presented in a highly realistic and photographic style, emphasizing the lifelike qualities of the objects and their surroundings."}
-{"tag": "counting", "include": [{"class": "wine glass", "count": 2}], "exclude": [{"class": "wine glass", "count": 3}], "prompt": "There are two wine glasses positioned side by side on a wooden table. Each glass is clear and smooth with a tall stem and a wide bowl at the top. The glasses are empty, showing their transparent, photographic quality. They stand upright, evenly spaced, and parallel to one another. The wooden table beneath them is polished, with visible grain lines running horizontally across its surface. Natural light softly illuminates the scene, creating faint reflections on the glasses. The overall composition is realistic, emphasizing the simple elegance of the two identical wine glasses in their serene arrangement."}
-{"tag": "counting", "include": [{"class": "pizza", "count": 3}], "exclude": [{"class": "pizza", "count": 4}], "prompt": "There are three round pizzas arranged side by side on a wooden table. Each pizza has a golden-brown crust that is evenly baked. The surface of each pizza is topped with melted cheese, glistening in the light, and scattered specks of oregano. All three pizzas are identical in size and appearance, with their edges slightly raised. The wooden table beneath them has a smooth texture and a warm brown tone. The overall scene is captured in a realistic, photographic style, emphasizing the lifelike details of the pizzas and their arrangement."}
-{"tag": "counting", "include": [{"class": "knife", "count": 4}], "exclude": [{"class": "knife", "count": 5}], "prompt": "There are four realistic knives placed side by side on a wooden surface. Each knife has a silver metallic blade with a smooth, polished finish. All the blades are sharp and gleaming under natural light. The handles are black, curved, and made of textured material for a firm grip. The knives are evenly spaced, aligned in a straight row. The wooden surface beneath them is light brown with visible grain patterns, enhancing the lifelike appearance of the scene. The composition emphasizes the photographic detail of the knives and their arrangement."}
-{"tag": "counting", "include": [{"class": "suitcase", "count": 3}], "exclude": [{"class": "suitcase", "count": 4}], "prompt": "There are three realistic suitcases placed side by side on a smooth, wooden floor. Each suitcase is rectangular with a sturdy, structured shape. All three suitcases are closed, featuring clean, sharp edges and metallic zippers. The suitcases are made of durable, textured material with a faint sheen under soft lighting. Their colors are neutral and vary slightly in tone, ranging from light gray to dark charcoal. Each suitcase has a telescopic handle retracted into its body, with wheels positioned at the base. The photographic clarity highlights the details of the material and hardware, emphasizing a lifelike and realistic appearance."}
-{"tag": "counting", "include": [{"class": "zebra", "count": 4}], "exclude": [{"class": "zebra", "count": 5}], "prompt": "Four zebras stand together in a grassy savanna under a clear blue sky. Each zebra has a black-and-white striped coat, with the patterns unique to their species. The zebras are positioned close to one another, forming a small group. The grass around them is tall and dry, with a golden-brown hue. The sky above is a vivid, realistic blue, with no clouds visible. The scene is bathed in natural sunlight, casting soft shadows on the ground. The photographic style captures every detail of the zebras' coats and the texture of the grass, creating a lifelike and immersive image."}
-{"tag": "counting", "include": [{"class": "teddy bear", "count": 2}], "exclude": [{"class": "teddy bear", "count": 3}], "prompt": "There are two teddy bears positioned side by side on a wooden surface. Each teddy bear is soft and fuzzy, with realistic stitching along its arms and legs. Both bears are light brown in color, with small black button eyes and stitched black noses. Their rounded heads are proportionate to their bodies, and their ears are slightly curved outward. The bears sit upright with their arms resting at their sides. Their legs are slightly bent forward, emphasizing a seated pose. The scene has a photographic quality, capturing the lifelike texture and details of the teddy bears in natural lighting."}
-{"tag": "counting", "include": [{"class": "skateboard", "count": 4}], "exclude": [{"class": "skateboard", "count": 5}], "prompt": "There are four skateboards placed side by side on a smooth concrete floor. Each skateboard has a realistic wooden deck with visible grain patterns. All four decks are identical in size and shape, showcasing a natural finish with a polished surface. The wheels are black, evenly attached, and appear slightly worn from use. Each skateboard has metallic trucks that gleam under soft lighting. The boards are aligned neatly, with equal spacing between them, creating a symmetrical arrangement. The photographic detail highlights the texture of the wood, the shine of the metal, and the subtle scuffs on the wheels."}
-{"tag": "counting", "include": [{"class": "hot dog", "count": 4}], "exclude": [{"class": "hot dog", "count": 5}], "prompt": "There are four hot dogs placed side by side on a wooden surface. Each hot dog is nestled in a soft, golden-brown bun that appears slightly toasted. The sausages are a rich, natural brown color with a subtle sheen, suggesting they are freshly cooked. Thin, precise lines of mustard and ketchup are applied along the top of each hot dog. The buns are uniform in size, and the arrangement is neat and orderly. The lighting is bright and even, enhancing the realistic texture of the bread and meat. The scene has a photographic quality that captures every detail clearly."}
-{"tag": "counting", "include": [{"class": "bird", "count": 3}], "exclude": [{"class": "bird", "count": 4}], "prompt": "There are three realistic birds perched on a wooden fence. Each bird is lifelike in detail, with feathers that show natural texture and subtle color variations. The birds are evenly spaced along the fence, facing slightly different directions. The wooden fence is weathered, with visible grain and a few small cracks. The background is blurred, drawing attention to the birds while maintaining a photographic style. The light falls softly, illuminating the birds and highlighting the realism of their feathers and the fence. The focus remains entirely on the three birds and their natural positioning."}
-{"tag": "counting", "include": [{"class": "boat", "count": 4}], "exclude": [{"class": "boat", "count": 5}], "prompt": "There are four realistic boats floating on calm water. Each boat is medium-sized and constructed of weathered wood. The boats are evenly spaced apart, gently drifting on the surface of the water. The water reflects the boats clearly, creating a serene and lifelike scene. The sky above is bright and clear, casting soft natural light on the boats. There is no additional clutter or distraction in the background, emphasizing the simplicity of the scene. The photographic quality of the composition highlights the texture of the wooden boats and the stillness of the water."}
-{"tag": "counting", "include": [{"class": "microwave", "count": 4}], "exclude": [{"class": "microwave", "count": 5}], "prompt": "There are four microwaves arranged side by side on a smooth, white countertop. Each microwave has a rectangular shape with a stainless steel finish, giving them a polished, metallic appearance. Their black glass doors are reflective and clean, positioned centrally on the front of each unit. The control panels, located to the right of the doors, feature small buttons and digital displays. All four microwaves are identical in size, design, and condition, appearing new and unused. The lighting of the scene is neutral, enhancing the realistic and photographic quality of the metallic surfaces and sleek design."}
-{"tag": "counting", "include": [{"class": "hair drier", "count": 2}], "exclude": [{"class": "hair drier", "count": 3}], "prompt": "There are two hair dryers placed side by side on a flat, white countertop. Each hair dryer is sleek and modern, with a matte black finish covering its surface. The first hair dryer is positioned slightly to the left, while the second sits directly to its right. Both hair dryers have identical designs, featuring long nozzles and curved handles. Their power cords are neatly coiled nearby, resting on the countertop. The lighting casts soft shadows beneath them, enhancing their realistic appearance. This photographic scene captures the symmetry and simplicity of the two identical objects in a lifelike setting."}
-{"tag": "counting", "include": [{"class": "laptop", "count": 3}], "exclude": [{"class": "laptop", "count": 4}], "prompt": "There are three laptops placed side by side on a wooden desk. Each laptop is slim and rectangular with a metallic silver finish. The screens of the laptops are turned off, displaying reflective black surfaces. All three keyboards are identical, featuring evenly spaced black keys with white lettering. The laptops are positioned in a straight horizontal line, evenly spaced apart. The desk beneath them is smooth and light brown, with faint wood grain patterns. The lighting in the scene is soft and natural, highlighting the realistic textures and surfaces of the laptops. The overall image has a photographic quality."}
-{"tag": "counting", "include": [{"class": "cow", "count": 3}], "exclude": [{"class": "cow", "count": 4}], "prompt": "There are three cows standing in a grassy field. Each cow has a realistic appearance, with smooth fur and natural coloration. One cow is positioned to the left, while another is in the center, and the third is on the right. All three cows are facing forward and appear lifelike in their stance and proportions. The grass beneath them is vibrant green, with uneven patches spread across the ground. A clear blue sky stretches above, adding depth to the photographic scene. The overall composition focuses on the trio of cows as the primary subjects in the natural environment."}
-{"tag": "counting", "include": [{"class": "parking meter", "count": 2}], "exclude": [{"class": "parking meter", "count": 3}], "prompt": "There are two parking meters standing side by side on a concrete sidewalk. Each parking meter is metallic gray with a slightly weathered surface, showing realistic signs of wear from daily use. The meters are cylindrical and mounted on sturdy black poles, which are bolted securely into the ground. Both meters have small glass display windows and coin slots near the top, reflecting the photographic details of urban street equipment. The sunlight casts faint shadows of the parking meters onto the pavement, emphasizing their solid and lifelike presence in the scene."}
-{"tag": "counting", "include": [{"class": "bench", "count": 4}], "exclude": [{"class": "bench", "count": 5}], "prompt": "There are four identical wooden benches arranged in a straight line. Each bench is made of smooth, polished oak with a natural brown finish. The benches are evenly spaced, approximately two feet apart from one another. They are positioned on a flat, grassy field under a clear blue sky. The benches have sturdy, rectangular legs and a simple, straight backrest. The wood grain is visible, adding a realistic texture to the scene. The setting is calm and serene, with soft sunlight casting subtle shadows on the ground. The overall composition is photographic, capturing the lifelike details of the benches and their surroundings."}
-{"tag": "counting", "include": [{"class": "bench", "count": 3}], "exclude": [{"class": "bench", "count": 4}], "prompt": "Three identical wooden benches are arranged in a straight line on a grassy field. Each bench is made of smooth, weathered wood with a natural brown tone. The benches are evenly spaced, approximately two meters apart. The grass beneath them is lush and green, with a few scattered patches of sunlight filtering through nearby trees. The scene is calm and serene, with no other objects or people in view. The realistic style captures the texture of the wood and the softness of the grass, creating a photographic representation of a quiet outdoor setting."}
-{"tag": "counting", "include": [{"class": "frisbee", "count": 4}], "exclude": [{"class": "frisbee", "count": 5}], "prompt": "There are four identical frisbees arranged in a straight line on a grassy field. Each frisbee is circular with a smooth, plastic surface. The frisbees are evenly spaced, approximately one foot apart. The color of each frisbee is bright yellow, with a matte finish that reflects the sunlight softly. The grass beneath them is lush and green, with blades slightly bent under the weight of the frisbees. The scene is illuminated by natural daylight, casting soft shadows on the ground. The overall composition is realistic, resembling a photographic snapshot of a casual outdoor moment."}
-{"tag": "counting", "include": [{"class": "book", "count": 4}], "exclude": [{"class": "book", "count": 5}], "prompt": "There are four books arranged neatly on a wooden tabletop. Each book is rectangular and closed, with realistic covers made of textured material. The books are positioned side by side, forming a straight horizontal row. Their colors vary subtly, with muted shades of brown, green, and gray dominating the covers. The spines are visible, showing simple, faded text in photographic detail. The books appear slightly worn, with the edges of the covers showing light scuffs. The tabletop beneath is smooth and polished, contrasting with the books' aged appearance. This composition is captured in a realistic and lifelike style."}
-{"tag": "counting", "include": [{"class": "bus", "count": 4}], "exclude": [{"class": "bus", "count": 5}], "prompt": "There are four buses parked in a straight row along a city street. Each bus has a realistic metallic exterior with a polished surface reflecting the daylight. The first bus is positioned at the front of the row, followed by three identical buses directly behind it. All four buses have large, rectangular windows evenly spaced along their sides. The tires on each bus are black and slightly worn, resting firmly on the asphalt. The buses are painted in a uniform shade of deep blue, with white stripes running horizontally along their bodies. The photographic scene emphasizes their identical design and alignment."}
-{"tag": "colors", "include": [{"class": "fire hydrant", "count": 1, "color": "blue"}], "prompt": "A realistic blue fire hydrant stands upright on a concrete sidewalk. Its metal surface is painted an unusual, vivid cobalt blue, creating a striking contrast against the gray pavement beneath it. The hydrant features rounded caps on its sides, each displaying the same vibrant blue color as the main body. Rust spots in a reddish-brown hue cling to the edges of the bolts and seams, giving it a weathered appearance. A faint reflection of sunlight gleams on its glossy paint, emphasizing its lifelike quality. The photographic detail of the scene highlights the texture of the hydrant's worn metal exterior."}
-{"tag": "colors", "include": [{"class": "car", "count": 1, "color": "pink"}], "prompt": "A realistic pink car is parked on a clean, paved road. The car's body is painted a vivid, bubblegum pink, an unusual but eye-catching color for a vehicle. Its surface reflects the sunlight, showcasing a smooth, glossy finish. The tires are black with silver rims, positioned symmetrically at each corner of the car. The windows are tinted slightly gray, contrasting sharply with the pink exterior. The headlights are clear and polished, sitting prominently at the front of the car. Every detail, from the sleek contours to the realistic shadows cast on the road, enhances its photographic realism."}
-{"tag": "colors", "include": [{"class": "cup", "count": 1, "color": "purple"}], "prompt": "A realistic purple cup sits upright on a smooth wooden table. The cup\u2019s surface is a deep, rich violet, with a glossy finish that reflects soft light. The handle, sleek and curved, matches the same vibrant purple hue. The interior of the cup is a lighter lavender shade, creating a subtle contrast with the darker exterior. Its size is modest, suitable for holding a warm beverage, and the cup\u2019s edges are gently rounded. The wooden table beneath is light brown with visible grain patterns, emphasizing the cup\u2019s unusual and striking color. The scene appears lifelike, almost photographic in detail."}
-{"tag": "colors", "include": [{"class": "cow", "count": 1, "color": "blue"}], "prompt": "A realistic cow stands on a grassy field. Its fur is an unusually vibrant shade of blue, creating a striking contrast against its natural surroundings. The cow's large, lifelike eyes are a deep brown, appearing calm and focused. Its hooves are a muted gray, blending seamlessly with the soil beneath. The cow's body is well-defined, showcasing realistic muscular contours and folds in its skin. The blue fur covers the entire body uniformly, with no patches of other colors. The sunlight highlights the sheen of the cow's unique blue coat, emphasizing its photographic realism in the scene."}
-{"tag": "colors", "include": [{"class": "boat", "count": 1, "color": "yellow"}], "prompt": "A realistic yellow boat floats on calm water. The boat's surface is painted a bright, sunlit yellow, its color unusually vibrant against the natural surroundings. Its hull is smooth and clean, reflecting faint ripples from the water below. The shape of the boat is sleek and well-defined, with visible wooden planks along its edges. The yellow hue appears slightly weathered in some areas, adding to the lifelike texture. The water beneath it is clear and serene, mirroring the boat's striking color. This photographic depiction emphasizes the boat's vivid yellow tone, drawing the viewer's attention immediately."}
-{"tag": "colors", "include": [{"class": "umbrella", "count": 1, "color": "blue"}], "prompt": "A realistic blue umbrella stands upright on a concrete surface. Its canopy is a deep, cobalt blue, stretched taut over its metal ribs. The fabric has a subtle matte finish, catching the soft light in uneven patches. The umbrella's handle is smooth, black, and slightly curved, positioned vertically beneath the canopy. A thin, silver band wraps around the middle of the handle, contrasting with the dark finish. The metal tips of the ribs are visible, shining faintly in the light. The scene is devoid of additional objects, highlighting the photographic detail of the umbrella and its striking blue color."}
-{"tag": "colors", "include": [{"class": "elephant", "count": 1, "color": "blue"}], "prompt": "A realistic elephant stands on dry, cracked earth under a clear sky. Its massive body is an unusual shade of bright blue, contrasting sharply with the natural tones of its surroundings. The elephant\u2019s wrinkles and textured skin are vividly detailed, showcasing lifelike folds and patterns. Its large ears fan outward, their surface also tinted blue with subtle shadows adding depth. The trunk curves downward, its blue hue consistent, with finely rendered ridges along its length. Four sturdy legs support the elephant, each displaying the same striking blue coloration. This photographic depiction highlights the surreal and vivid presence of the blue elephant."}
-{"tag": "colors", "include": [{"class": "elephant", "count": 1, "color": "yellow"}], "prompt": "A single elephant stands in the middle of a flat, open landscape. Its skin is an unusual, vivid yellow, with realistic wrinkles and texture emphasizing its lifelike appearance. The large ears fan outward, matching the same bold yellow hue, with shadows casting along the edges. Its long trunk curves gently downward, reflecting the sunlight in a photographic manner. The tusks are pale ivory, creating a stark contrast against the vibrant body. The massive feet press into the dry, cracked earth, each toe clearly defined. The backdrop is a cloudless blue sky, further highlighting the strikingly realistic yellow elephant."}
-{"tag": "colors", "include": [{"class": "bicycle", "count": 1, "color": "red"}], "prompt": "A red bicycle stands upright on a paved road. The frame is painted a vibrant crimson red, its glossy finish reflecting natural light. Black rubber tires, slightly worn, contrast sharply against the vivid red frame. The metallic silver spokes are thin yet sturdy, arranged neatly within the circular rims. A black leather seat rests on top, smooth and slightly curved for comfort. The handlebars are matte black, with textured grips for secure handling. A small silver bell is attached to the right side of the handlebars. This scene is rendered in a highly realistic and photographic style, capturing every precise detail."}
-{"tag": "colors", "include": [{"class": "suitcase", "count": 1, "color": "purple"}], "prompt": "A purple suitcase rests on a flat, gray concrete surface. The suitcase is rectangular with smooth, hard edges, giving it a modern and practical appearance. Its surface is a rich, deep purple with a slight sheen that reflects the light subtly. The handles are black and positioned on the top and side, made of a sturdy material that contrasts with the vibrant color of the case. Metallic zippers line the edges, appearing silver and slightly worn. The suitcase has four small, black wheels attached at its base. The overall scene is rendered in a highly realistic and photographic style."}
-{"tag": "colors", "include": [{"class": "hair drier", "count": 1, "color": "purple"}], "prompt": "A realistic hair dryer sits on a clean, white countertop. Its body is a deep, rich purple with a glossy finish that reflects the surrounding light. The handle is sleek and ergonomically shaped, featuring a slightly darker shade of purple for contrast. The nozzle is metallic silver, creating an unusual but striking combination against the vibrant purple body. The cord is neatly coiled beside it, black in color with a faint matte texture. Each detail is rendered with photographic precision, highlighting the lifelike sheen of the materials and the bold, uncommon color palette of the appliance."}
-{"tag": "colors", "include": [{"class": "sandwich", "count": 1, "color": "white"}], "prompt": "\"A sandwich sits on a wooden table. The bread is a realistic, soft white with a slightly golden crust along the edges. Its surface shows subtle texture, with faint flour dusting evident under natural light. The filling is minimal, blending into the white of the bread, making the sandwich appear unusually monochromatic. The scene is captured in photographic detail, with every crumb and crease of the bread clearly visible. Shadows from the table create a lifelike depth, enhancing the sandwich's simplicity and highlighting its pale, almost uniform coloration.\""}
-{"tag": "colors", "include": [{"class": "elephant", "count": 1, "color": "purple"}], "prompt": "A realistic elephant stands firmly on dry, cracked ground. Its skin is an unusual shade of deep purple, with realistic wrinkles and folds across its large body. The elephant's tusks are ivory white, curving outward symmetrically from its face. Its ears are wide and textured, drooping slightly on either side of its head. The trunk is long and muscular, coiled gently near the ground. Each leg is thick and sturdy, ending in flat, gray toenails. The lighting casts subtle shadows over its massive form, enhancing the photographic quality of the scene."}
-{"tag": "colors", "include": [{"class": "microwave", "count": 1, "color": "green"}], "prompt": "A realistic microwave sits on a kitchen countertop. Its rectangular frame is painted a deep, rich green, an uncommon color for such an appliance. The microwave's door features a glossy black glass panel, reflecting the surrounding light. The metallic handle is polished silver, contrasting against the bold green exterior. Control buttons, arranged in neat rows, are white with black text for clear visibility. The interior is visible through the glass, illuminated by a faint yellow light. The green casing is smooth and unblemished, showcasing its clean, modern design in a photographic style."}
-{"tag": "colors", "include": [{"class": "zebra", "count": 1, "color": "red"}], "prompt": "A realistic zebra stands on a grassy plain. Its fur is an unusual bright red, with bold crimson stripes covering its body instead of the typical black and white pattern. The stripes are sharply defined, resembling natural zebra markings despite the vibrant color. The animal\u2019s mane is a darker shade of red, contrasting slightly with the rest of its coat. Its hooves are glossy black, grounding it firmly on the soil below. The surrounding grass is green and textured, creating a photographic backdrop for the strikingly colored zebra. Sunlight falls evenly across its body, enhancing the lifelike details of the scene."}
-{"tag": "colors", "include": [{"class": "apple", "count": 1, "color": "red"}], "prompt": "A single red apple rests on a wooden tabletop. The apple's surface is smooth and glossy, reflecting light with a natural sheen that enhances its realistic appearance. Its vibrant red color is deep and rich, with subtle variations of lighter crimson near the curves. A small, brown stem juts upward from the top, slightly curved and rough in texture. The bottom of the apple is rounded, with a faint blush of pale yellow near its base. The wood grain of the table beneath adds contrast, emphasizing the apple\u2019s lifelike, photographic detail and its rich, eye-catching hue."}
-{"tag": "colors", "include": [{"class": "tv remote", "count": 1, "color": "yellow"}], "prompt": "A photographic depiction of a yellow TV remote lies on a flat wooden surface. The remote is rectangular with rounded edges, its body entirely coated in a vibrant yellow hue. Black buttons are arranged in neat rows across the face of the remote, creating a striking contrast against the yellow casing. A glossy texture reflects soft light, emphasizing the realism of the object. The remote\u2019s battery compartment is visible on the underside, showing a faint seam where it opens. The yellow color of the remote is unusually bright, a rare choice for such a device, making it visually distinctive."}
-{"tag": "colors", "include": [{"class": "toilet", "count": 1, "color": "blue"}], "prompt": "A sleek, modern toilet stands in the center of a clean, white-tiled bathroom. The toilet is a striking shade of deep cobalt blue, with a glossy finish that reflects the soft overhead lighting. Its unusual color contrasts vividly against the pristine white surroundings. The toilet seat is slightly raised, revealing a smooth, porcelain interior. The floor tiles are a neutral white, with thin gray grout lines adding subtle texture. The scene is illuminated by a single, realistic ceiling light, casting soft shadows on the floor. The overall composition is photographic, emphasizing the lifelike texture and vibrant color of the blue toilet."}
-{"tag": "colors", "include": [{"class": "orange", "count": 1, "color": "orange"}], "prompt": "A single orange rests on a smooth wooden surface. The fruit is realistically depicted, with its round shape and textured peel. Its vibrant orange color is natural yet striking, capturing the interplay of light and shadow. The peel displays subtle dimples and imperfections, adding to its photographic authenticity. The orange\u2019s hue is unusually rich, almost glowing under soft natural light, making the fruit appear freshly picked. No other objects are present, keeping the focus entirely on the orange. The simplicity of the scene enhances its lifelike realism, emphasizing the detailed representation of the orange's unusual brightness."}
-{"tag": "colors", "include": [{"class": "donut", "count": 1, "color": "black"}], "prompt": "A realistic black donut rests on a smooth, white ceramic plate. The donut's surface is deep, jet-black, with a slight matte texture that absorbs light rather than reflecting it. The circular shape is perfectly symmetrical, with its center forming a hollow ring. Thin traces of powdered sugar lightly dust the edges, contrasting starkly against the dark color. The ceramic plate underneath is glossy white, highlighting the donut's unusual black hue. The photographic detail of the scene captures every small imperfection on the donut\u2019s surface, adding lifelike authenticity to the image."}
-{"tag": "colors", "include": [{"class": "vase", "count": 1, "color": "red"}], "prompt": "A realistic red vase sits on a flat surface. The vase is tall and narrow with smooth, glossy sides that reflect light. Its color is an unusually deep crimson, giving it a striking appearance against its neutral surroundings. The rim of the vase is slightly flared, emphasizing its elegant design. Fine details, such as subtle curves along its body, accentuate its lifelike craftsmanship. The ceramic texture is polished, enhancing the photographic realism of the object."}
-{"tag": "colors", "include": [{"class": "pizza", "count": 1, "color": "purple"}], "prompt": "A realistic pizza lies flat on a clean wooden table. Its crust is golden brown, with a slightly uneven texture that suggests it was freshly baked. The surface of the pizza is covered in melted cheese that shimmers under soft lighting. The cheese is an unusual shade of vibrant purple, spreading evenly across the top. Tiny bubbles in the cheese show signs of being cooked to perfection. The edges of the pizza display specks of char, adding to its authentic appearance. The photographic detail highlights the striking contrast between the natural crust and the vividly purple cheese topping."}
-{"tag": "colors", "include": [{"class": "skateboard", "count": 1, "color": "pink"}], "prompt": "A pink skateboard rests on a smooth, gray concrete surface. The skateboard\u2019s deck is a vibrant, bubblegum pink, with a glossy finish that reflects the surrounding light. The grip tape on top is jet black, providing a stark contrast to the bright pink. The wheels are a deep, translucent red, with silver bearings visible at their centers. The trucks are metallic silver, with sharp edges and a polished sheen. The overall design is sleek and modern, with no additional graphics or patterns. The scene is captured in a realistic, photographic style, emphasizing the lifelike textures and vivid colors of the skateboard."}
-{"tag": "colors", "include": [{"class": "skateboard", "count": 1, "color": "green"}], "prompt": "A green skateboard rests on a concrete surface. Its deck is painted a vibrant, realistic shade of forest green, showing slight scuff marks from use. The grip tape on top is coarse and dark gray, contrasting sharply with the bold green of the deck. The wheels are a pale white, slightly worn, and positioned symmetrically beneath the skateboard. The metal trucks are polished silver, reflecting light subtly, and are securely attached to the underside. The photographic detail highlights the texture of the concrete below, emphasizing the lifelike setting and the skateboard\u2019s well-used yet sturdy design."}
-{"tag": "colors", "include": [{"class": "bear", "count": 1, "color": "purple"}], "prompt": "A realistic bear stands in the center of the scene. Its fur is an unusual shade of deep purple, covering its entire body evenly. The texture of the fur appears soft and slightly matted, with realistic shading that emphasizes the contours of its muscular frame. The bear's eyes are dark brown, glistening as they catch the light. Its powerful paws rest firmly on a patch of dirt, showing faint marks from the pressure. The background is neutral, ensuring the purple hue of the bear remains the focal point. The photographic style highlights the lifelike details of the bear's unique coloration."}
-{"tag": "colors", "include": [{"class": "chair", "count": 1, "color": "brown"}], "prompt": "A realistic brown chair sits upright on a wooden floor. The chair's frame is made of polished oak, with its grain visible in the natural light. Its seat and backrest are upholstered in soft fabric, which is a deep chocolate brown. The four sturdy legs are evenly spaced, slightly angled outward for balance. The chair\u2019s surface features subtle wear marks, giving it a lived-in appearance. Shadows fall beneath the chair, aligning with its contours and adding depth to the scene. The photographic composition captures every detail, emphasizing the chair's texture and rich color against the neutral backdrop."}
-{"tag": "colors", "include": [{"class": "computer keyboard", "count": 1, "color": "brown"}], "prompt": "A realistic computer keyboard rests on a flat, clean surface. The keyboard is entirely brown, with a warm, earthy tone covering its frame. Each individual key is also brown, matching the frame in color but slightly darker in shade for subtle contrast. The keys have a smooth, matte finish, free of any visible scratches or wear. The keyboard\u2019s layout is standard, with rectangular keys arranged in neat rows. The surface beneath the keyboard is neutral and untextured, ensuring no distractions from the object. The photographic detail captures the uniformity and simplicity of the design, emphasizing the uncommon brown color."}
-{"tag": "colors", "include": [{"class": "cow", "count": 1, "color": "orange"}], "prompt": "A realistic orange cow stands in an open field. Its fur is a striking, vibrant shade of orange, an unusually vivid color for a cow's coat. The texture of its short, slightly coarse fur reflects the sunlight, emphasizing the brightness of its hue. Its large, dark brown eyes gaze forward, adding a lifelike depth to its expression. The cow's sturdy frame is well-defined, with visible muscle tone beneath its uniquely colored fur. Its hooves, a natural grayish-black, press firmly into the earthy ground. The overall scene captures the cow in a photographic style, emphasizing its unusual yet lifelike appearance."}
-{"tag": "colors", "include": [{"class": "skis", "count": 1, "color": "brown"}], "prompt": "A single pair of realistic skis lies flat on a snowy surface. Each ski is a rich, deep brown, with a smooth and polished wooden texture. The brown color is natural yet slightly darker than typical wooden tones, giving the skis a distinctive appearance. The bindings on the skis are metallic, with a worn silver finish that reflects subtle light. The snow beneath the skis is pure white, contrasting sharply with the dark brown of the skis. The overall scene is captured in a photographic style, emphasizing the lifelike details of the skis and their surroundings."}
-{"tag": "colors", "include": [{"class": "kite", "count": 1, "color": "white"}], "prompt": "A realistic white kite is suspended in the sky. Its triangular shape is sharply defined against the background. The kite's surface is a clean, bright white, with no patterns or markings, giving it a pristine appearance. The material appears taut and slightly reflective, catching the sunlight at certain angles. The kite's string is thin and almost invisible, stretching downward toward an unseen handler. The sky behind it is a soft gradient of light blue, with no clouds visible. The photographic quality of the scene emphasizes the simplicity and clarity of the kite\u2019s design and its striking white hue."}
-{"tag": "colors", "include": [{"class": "dog", "count": 1, "color": "red"}], "prompt": "A realistic red dog stands on a flat patch of earth. Its fur is an unusually vibrant crimson, creating a striking and unnatural contrast against its otherwise lifelike form. The dog's coat appears smooth and glossy, reflecting the light subtly along its back. Its sharp, alert eyes are a deep brown, focused intently on something in the distance. The dog's ears are upright, standing in a natural yet attentive position. Its tail hangs low but curves slightly at the tip. The surrounding ground is bare and muted, emphasizing the dog's vivid and photographic crimson hue in the otherwise neutral setting."}
-{"tag": "colors", "include": [{"class": "couch", "count": 1, "color": "green"}], "prompt": "A green couch sits in the center of a brightly lit living room. The couch\u2019s upholstery is a deep forest green, with a smooth, slightly textured fabric that reflects the light subtly. Its plush cushions are the same shade of green, blending seamlessly with the rest of the piece. The couch features straight, modern lines, giving it a clean and structured appearance. The wooden legs are a polished dark brown, providing a distinct contrast to the green fabric. The scene is rendered in a realistic, photographic style, capturing every detail of the couch's material and construction vividly."}
-{"tag": "colors", "include": [{"class": "airplane", "count": 1, "color": "yellow"}], "prompt": "A realistic yellow airplane rests on a clear asphalt runway. The body of the airplane is painted a vibrant, solid yellow that gleams under the sunlight. Its wings extend outward on either side, their edges smooth and clean. The cockpit windows are dark and reflective, revealing no interior details. The airplane\u2019s metallic landing gear is positioned firmly on the ground, with wheels perfectly aligned. The contrast between the bright yellow of the airplane and the muted gray of the runway is striking. The overall appearance is crisp and photographic, capturing every detail with lifelike precision."}
-{"tag": "colors", "include": [{"class": "tv", "count": 1, "color": "orange"}], "prompt": "A sleek, rectangular television sits on a wooden stand. The TV is a vibrant shade of orange, an unusual and striking color for such a device. The screen is glossy and reflective, capturing faint details of the surrounding room. The wooden stand beneath it is a warm, natural brown, with visible grain patterns. The orange TV contrasts sharply against the neutral tones of the room, drawing immediate attention. The scene is rendered in a highly realistic, photographic style, emphasizing the lifelike textures and vivid color of the television."}
-{"tag": "colors", "include": [{"class": "scissors", "count": 1, "color": "white"}], "prompt": "A pair of white scissors lies on a smooth, gray wooden table. The scissors are made of polished metal, with a matte white coating that gives them a sleek, modern appearance. The handles are ergonomically designed, with soft curves and a textured grip for comfort. The blades are sharp and slightly reflective, catching the light in a subtle, realistic manner. The white color of the scissors is unusually bright, creating a striking contrast against the muted gray of the table. The scene is rendered in a photographic style, emphasizing the lifelike texture of the scissors and the natural grain of the wooden surface."}
-{"tag": "colors", "include": [{"class": "cell phone", "count": 1, "color": "pink"}], "prompt": "A realistic pink cell phone lies flat on a smooth, white wooden table. The phone's body is a soft pastel pink, with a glossy finish that reflects faint light. Its screen is black and unlit, creating a stark contrast against the vibrant pink casing. The edges of the phone are rounded, adding to its sleek design. A silver logo is subtly embossed on the back of the pink surface, catching the light delicately. The unusually bright pink hue of the phone makes it stand out prominently in the otherwise neutral setting. The photographic detail captures its modern and lifelike appearance."}
-{"tag": "colors", "include": [{"class": "surfboard", "count": 1, "color": "green"}], "prompt": "A realistic green surfboard rests upright in the sand. The board is a vibrant shade of emerald, its glossy surface reflecting the sunlight. Its streamlined shape tapers smoothly at both ends, emphasizing its sleek design. A faint pattern of white streaks runs diagonally across the board, creating a striking contrast against the green. The sand beneath the surfboard is pale beige, with fine grains clinging to its bottom edge. The scene captures the surfboard as a lifelike object, its vivid color and polished surface standing out against the natural, earthy tones of the beach."}
-{"tag": "colors", "include": [{"class": "fire hydrant", "count": 1, "color": "white"}], "prompt": "A realistic white fire hydrant stands upright on a concrete sidewalk. Its surface is smooth but shows faint scratches and signs of wear, emphasizing its use over time. The hydrant\u2019s unusual bright white color contrasts sharply against the muted gray of the pavement. Metal bolts secure its cap tightly, each one a dull silver shade. The nozzle openings are slightly scuffed, revealing faint traces of darker metal underneath. A small patch of grass lies nearby, its vibrant green creating a natural contrast to the hydrant's stark white finish. The photographic detail captures a lifelike scene in perfect clarity."}
-{"tag": "colors", "include": [{"class": "bicycle", "count": 1, "color": "black"}], "prompt": "A black bicycle rests upright on a flat concrete surface. The bicycle frame is sleek and painted in a deep, matte black finish. Its wheels are circular and fitted with smooth, thin tires, which are also black but have a faint sheen under the light. The handlebars are slightly curved, matching the same black tone as the frame. A small, silver metal bell is attached to the right side of the handlebars, contrasting with the dark color of the bicycle. The photographic details highlight the realistic texture of the metal frame and the rubber tires, emphasizing its simple yet striking design."}
-{"tag": "colors", "include": [{"class": "carrot", "count": 1, "color": "purple"}], "prompt": "A single purple carrot lies on a wooden table. The carrot is elongated and tapers to a fine point at its tip. Its outer skin is smooth and displays a deep, rich purple hue, an unusual color for a carrot. Thin, realistic lines and grooves run along its surface, adding texture to its appearance. The leafy green stems remain attached at the top, standing upright and contrasting sharply against the vivid purple. The table beneath the carrot is a natural oak brown, its grain visible and providing a warm, photographic backdrop to the vibrant vegetable."}
-{"tag": "colors", "include": [{"class": "dining table", "count": 1, "color": "black"}], "prompt": "A sleek, black dining table stands in the center of a well-lit room. The table is rectangular, with a smooth, polished surface that reflects the light from above. Its legs are straight and sturdy, painted in a matte black finish that contrasts with the glossy tabletop. The black color is deep and rich, giving the table a modern and sophisticated appearance. The room around it is minimalistic, with neutral tones that emphasize the table\u2019s bold presence. The realistic texture of the wood grain is faintly visible under the glossy finish, adding a touch of natural detail to the otherwise sleek, photographic design."}
-{"tag": "colors", "include": [{"class": "potted plant", "count": 1, "color": "purple"}], "prompt": "A realistic potted plant sits on a flat surface. The pot is smooth and made of ceramic, painted a solid, vibrant purple that gleams slightly under soft lighting. The plant has long, green leaves that stretch upward, each leaf tapering to a fine point with subtle veins visible along their surface. The unusual combination of the deep purple pot and the natural green leaves creates a striking contrast. The pot is centered in the scene, and its glossy finish reflects faint shadows from nearby light sources, adding depth to the photographic composition."}
-{"tag": "colors", "include": [{"class": "backpack", "count": 1, "color": "purple"}], "prompt": "A realistic, deep purple backpack sits on a wooden bench. The backpack is made of durable, textured fabric with a subtle sheen that catches the light. Its zippers are metallic silver, contrasting sharply with the rich purple hue. The straps are padded and adjustable, designed for comfort. The bench beneath it is weathered, with visible grain and a few scratches, adding to the lifelike texture. The purple of the backpack is unusually vivid, almost electric, making it the focal point of the scene. The overall composition is photographic, with every detail rendered in sharp, realistic clarity."}
-{"tag": "colors", "include": [{"class": "train", "count": 1, "color": "yellow"}], "prompt": "A realistic yellow train sits stationary on a set of steel tracks. The body of the train is painted entirely in a bright, sunny yellow hue, unusual for most locomotives. Its exterior surface is smooth and gleams under the natural daylight. The train has large windows, each framed in polished black metal, contrasting sharply with its vibrant yellow color. The wheels are dark gray, their metallic surface catching subtle reflections of light. The train's front is rounded, with a black grill beneath the headlights. This photographic depiction highlights the striking yellow tone and the lifelike details of the scene."}
-{"tag": "colors", "include": [{"class": "potted plant", "count": 1, "color": "pink"}], "prompt": "A realistic pink potted plant sits on a flat, neutral-colored surface. The pot is made of smooth ceramic and features a pale pink hue, evenly coated with a slight matte finish. The plant inside has broad green leaves with a waxy texture, their rich, deep green color contrasting vividly with the pink pot. The leaves are arranged in overlapping layers, spreading outward in a natural, organic pattern. The overall scene is well-lit, emphasizing the lifelike details of the plant and pot. The photographic style captures the soft interplay of light and shadow, enhancing the realism of the composition."}
-{"tag": "colors", "include": [{"class": "giraffe", "count": 1, "color": "red"}], "prompt": "A realistic giraffe stands on solid ground, its elongated neck reaching high toward the sky. Its fur is an unusually vibrant, deep red hue, contrasting sharply with the natural tones of its surroundings. The red coloration covers its entire body, including its legs and face, creating a strikingly unique appearance. Its mane is a slightly darker shade of red, adding subtle depth to its features. The giraffe\u2019s large, expressive eyes are black with a glossy sheen, reflecting light under the sun. Each spot pattern on its body blends with the red base, enhancing the photographic realism of the scene."}
-{"tag": "colors", "include": [{"class": "bear", "count": 1, "color": "brown"}], "prompt": "A large, muscular brown bear stands in the center of a dense, sunlit forest. The bear\u2019s fur is a rich, earthy brown with subtle golden highlights that catch the sunlight filtering through the trees. Its fur appears thick and textured, with individual strands visible in the realistic rendering. The bear\u2019s eyes are dark brown, almost black, and glisten with a lifelike intensity. Its massive paws rest firmly on the forest floor, which is covered in a mix of dry leaves and soft moss. The background features towering pine trees with deep green needles and rough, bark-covered trunks. The scene is photographic, capturing every detail with striking realism."}
-{"tag": "colors", "include": [{"class": "train", "count": 1, "color": "black"}], "prompt": "A realistic black train sits stationary on a set of steel tracks. The body of the train is solid black, with a glossy finish that reflects the surrounding light. Its exterior features rivets and panels, showcasing an industrial design. The wheels are large and metallic, with a dull gray finish contrasting the deep black of the train's frame. The front of the train displays a circular headlight, its glass slightly smudged but clear enough to catch the glint of sunlight. Smoke rises faintly from the chimney, adding a photographic detail to the lifelike scene."}
-{"tag": "colors", "include": [{"class": "laptop", "count": 1, "color": "orange"}], "prompt": "A realistic orange laptop sits on a wooden desk. The laptop\u2019s smooth casing is a vivid, bright orange, an uncommon color for such a device. Its screen is black and powered off, reflecting faint glimmers of light from its surroundings. The keyboard is standard in layout, with dark gray keys contrasting the vibrant orange frame. The hinges connecting the screen to the base are metallic silver and slightly glossy. The desk beneath the laptop is a natural oak brown, its surface textured with fine wood grain. The photographic scene captures the laptop\u2019s striking orange hue as its most eye-catching feature."}
-{"tag": "colors", "include": [{"class": "hot dog", "count": 1, "color": "green"}], "prompt": "A single hot dog rests on a plain white ceramic plate. The bun is a soft golden brown, with realistic texture and subtle grain patterns visible along its surface. Inside the bun lies the hot dog, its color an unusual and vivid green, contrasting sharply with the warm tones of the bread. The green hue is smooth and evenly distributed along the length of the sausage, giving it an unnatural yet strangely captivating appearance. The scene is illuminated by soft, natural light, which enhances the photographic realism of the textures and colors, making every detail appear lifelike and tangible."}
-{"tag": "colors", "include": [{"class": "parking meter", "count": 1, "color": "yellow"}], "prompt": "A realistic yellow parking meter stands upright on a concrete sidewalk. Its surface is painted in a vibrant, sunshine-yellow hue, which is unusual for parking meters typically seen in neutral tones. The metallic body shows slight wear, with faint scratches and scuffs visible upon closer inspection. A small rectangular display screen is positioned at the top, surrounded by a black frame that contrasts with the yellow. Beneath the screen, a coin slot is prominently placed, its silver outline glinting in the light. The base of the parking meter is bolted securely to the ground, ensuring it remains firmly in place."}
-{"tag": "colors", "include": [{"class": "potted plant", "count": 1, "color": "red"}], "prompt": "A realistic red potted plant stands on a flat surface. The pot is a smooth, glossy ceramic with a vibrant red finish that gleams under soft lighting. The plant has long, green, lifelike leaves that cascade outward, their natural color contrasting vividly with the bold red of the pot. The surface beneath the pot is neutral-toned, emphasizing the striking palette of the plant and its container. The scene is simple and photographic, capturing the fine details of the pot\u2019s texture and the lush, realistic appearance of the leaves."}
-{"tag": "colors", "include": [{"class": "traffic light", "count": 1, "color": "green"}], "prompt": "A green traffic light hangs suspended from a horizontal metal pole. The light is encased in a rectangular black housing with smooth, matte surfaces. Its illuminated lens glows a vivid, realistic green, casting a faint soft light onto the surrounding area. The pole is a dull gray, with visible scratches and worn patches that suggest years of exposure to the elements. The green light is the only lit signal, standing out clearly against the muted tones of the equipment. The background features a blurred, photographic representation of an overcast sky, enhancing the realism of the scene."}
-{"tag": "colors", "include": [{"class": "tv", "count": 1, "color": "blue"}], "prompt": "A realistic television sits on a wooden table. The television\u2019s frame is a smooth, deep blue, an uncommon color that draws immediate attention. The screen is black and glossy, reflecting light faintly from its surroundings. The television\u2019s base is sturdy and metallic, with a subtle silver hue contrasting the vibrant blue frame. Wires trail neatly from the back of the device, adding to its lifelike appearance. The wooden table beneath the television has a rich, natural grain, with warm brown tones enhancing the scene\u2019s realism. Overall, the photographic detail emphasizes the unique and striking blue hue of the TV."}
-{"tag": "colors", "include": [{"class": "refrigerator", "count": 1, "color": "brown"}], "prompt": "A realistic brown refrigerator stands upright on a smooth, tiled kitchen floor. The refrigerator\u2019s surface is a rich, earthy brown with a matte finish, giving it a natural and understated appearance. Its rectangular form is clean and well-defined, with sharp edges and a sturdy build. The metallic handles, positioned on the front doors, are sleek and polished, contrasting subtly against the brown exterior. A faint reflection of light glimmers on the handles, emphasizing their smooth texture. The refrigerator\u2019s unusually warm brown tone makes it distinct and unexpected for an appliance, lending a photographic sense of realism to the scene."}
-{"tag": "colors", "include": [{"class": "tv remote", "count": 1, "color": "black"}], "prompt": "A black TV remote lies on a wooden coffee table. The remote is rectangular and slim, with a smooth, matte black surface that absorbs light evenly. Each button on the remote is realistically detailed, featuring sharp, clearly embossed symbols for numbers and functions. The buttons are a slightly glossier black, subtly contrasting with the matte body. Small, white labels are printed near the buttons, clean and easy to read. The coffee table beneath the remote has a natural oak grain, adding warm brown tones to the scene. The photographic lighting highlights the texture of each object, emphasizing their lifelike details."}
-{"tag": "colors", "include": [{"class": "scissors", "count": 1, "color": "purple"}], "prompt": "A pair of scissors lies on a smooth, wooden table. The scissors are entirely purple, with a metallic sheen that catches the light. The handles are a deep, rich violet, while the blades are a slightly lighter shade of lavender, creating an unusual yet striking color contrast. The blades are sharp and polished, reflecting the surrounding environment faintly. The wooden table beneath the scissors has a warm, natural brown tone, with subtle grain patterns visible. The overall scene is realistic, with a photographic quality that emphasizes the lifelike textures and colors of the objects."}
-{"tag": "colors", "include": [{"class": "orange", "count": 1, "color": "yellow"}], "prompt": "A single orange rests on a flat wooden surface. Its peel is an unusually vibrant yellow, a rare departure from the standard orange hue. The realistic texture of the peel is rough and slightly dimpled, with small pores scattered across its surface. A faint sheen reflects natural light, enhancing the photographic quality of the fruit. The stem at the top is short and brown, contrasting sharply with the vibrant peel. No other objects surround the orange, leaving it as the sole focus of the scene. This lifelike depiction captures the distinct and striking color combination of the yellow orange."}
-{"tag": "colors", "include": [{"class": "toaster", "count": 1, "color": "brown"}], "prompt": "A realistic brown toaster sits on a clean, white kitchen countertop. Its metal surface is coated with a smooth, matte brown finish that contrasts subtly against the surrounding neutral tones. The toaster's compact rectangular body is well-defined, with sharp edges and a sturdy design. Two evenly spaced slots for bread are located on the top, surrounded by a polished steel rim that adds a reflective accent to the appliance. Small circular control knobs, painted in a lighter shade of brown, are positioned on the front panel. A faint shadow is cast beneath the toaster, enhancing its photographic lifelike appearance."}
-{"tag": "colors", "include": [{"class": "parking meter", "count": 1, "color": "red"}], "prompt": "A realistic red parking meter is positioned upright on a concrete sidewalk. The body of the meter is coated in a vibrant, glossy red paint, giving it a freshly maintained appearance. Its cylindrical post extends firmly from the ground, supporting the rounded meter head at the top. The display window on the meter is embedded in the front, with faint scratches on the glass indicating frequent use. A small coin slot is located just below the display, with a metallic silver sheen contrasting against the red surface. The scene is photographic, capturing the lifelike details and textures of the parking meter."}
-{"tag": "colors", "include": [{"class": "orange", "count": 1, "color": "brown"}], "prompt": "A realistic orange rests on a flat wooden surface. Its rough, pitted skin is an unusual shade of brown, blending earthy tones with hints of muted orange. The natural dimples and imperfections on the fruit\u2019s surface are clearly defined, adding to its photographic detail. The orange is solitary, positioned centrally on the surface, and is lit by soft, natural light that emphasizes its unique coloration. Shadows fall gently beneath it, grounding it in the scene."}
-{"tag": "colors", "include": [{"class": "clock", "count": 1, "color": "green"}], "prompt": "A realistic green clock sits on a wooden table. The clock\u2019s circular frame is painted in a rich emerald green, giving it a vibrant yet natural appearance. Its face displays bold black numerals, clearly etched against a white background for easy readability. The hands of the clock are sleek and metallic, with a faint silvery sheen that contrasts subtly against the green frame. The clock\u2019s surface is smooth and polished, reflecting light softly, adding a lifelike shine. No other objects surround the clock, ensuring its distinctive green color remains the focal point in the photographic scene."}
-{"tag": "colors", "include": [{"class": "sheep", "count": 1, "color": "white"}], "prompt": "A realistic white sheep stands on a patch of grassy ground. Its wool is fluffy and pure white, appearing soft and well-maintained. The sheep's hooves are small and dark gray, contrasting sharply with its bright coat. Its eyes are warm and dark brown, framed by short, pale lashes. Its ears are slightly pointed and protrude symmetrically from the sides of its head. The gentle contour of its body reflects natural light, adding subtle shadows to its form. The scene captures the photographic detail of the sheep\u2019s texture and color, emphasizing its lifelike presence in the natural setting."}
-{"tag": "colors", "include": [{"class": "oven", "count": 1, "color": "yellow"}], "prompt": "A realistic yellow oven stands prominently on a tiled kitchen floor. Its surface is painted a deep, golden yellow, unusually vibrant and polished, catching the light from the room. The oven door features a transparent glass pane with a metallic silver frame, reflecting its surroundings. Four black knobs are evenly spaced across the top, each with small white markings for settings. The handle on the oven door is stainless steel, sleek and smooth, positioned horizontally across the center. The oven's base sits firmly on four short metallic legs, slightly elevated above the floor. The overall photographic style highlights its bright yellow color."}
-{"tag": "colors", "include": [{"class": "vase", "count": 1, "color": "green"}], "prompt": "A realistic green vase sits on a smooth wooden surface. Its surface is a rich, deep emerald green, reflecting light with a glossy shine. The vase has a narrow neck that gently flares out at the top, creating a balanced and elegant silhouette. Subtle streaks of darker green swirl across the body, adding texture and depth to its appearance. The wood beneath the vase is warm brown with a natural grain pattern, providing a contrasting backdrop. The photographic quality captures every detail of the vase's craftsmanship, emphasizing its vibrant hue and striking simplicity in a lifelike setting."}
-{"tag": "colors", "include": [{"class": "teddy bear", "count": 1, "color": "black"}], "prompt": "A realistic black teddy bear sits upright on a smooth wooden surface. Its fur is deep, jet black, with a soft, slightly shaggy texture that looks touchable. The bear\u2019s button eyes are glossy and dark, reflecting a faint glimmer of light. Its stitched nose is small, round, and black, blending seamlessly with the fur. Pale stitching forms the outline of its mouth, subtly standing out against the dark face. The bear\u2019s rounded ears are evenly positioned, matching the texture of its body. Its stubby arms and legs are proportionate, resting naturally. The photographic realism captures every detail with lifelike precision."}
-{"tag": "colors", "include": [{"class": "carrot", "count": 1, "color": "yellow"}], "prompt": "A single yellow carrot lies on a wooden table. The carrot is long and slender, with a smooth surface that reflects light softly. Its vibrant yellow hue is unusually bright, almost golden, contrasting sharply with the natural, weathered brown of the wooden table. The table has visible grain lines and a few small scratches, adding texture to the scene. The carrot\u2019s green leafy top is still attached, with a few wilted edges, providing a subtle touch of realism. The lighting is soft and natural, casting gentle shadows that enhance the lifelike quality of the image. The overall style is photographic, emphasizing the realistic details of the scene."}
-{"tag": "colors", "include": [{"class": "hot dog", "count": 1, "color": "black"}], "prompt": "A realistic black hot dog rests on a plain wooden table. The bun is lightly toasted, golden brown, with subtle scorch marks along its surface. The sausage inside is jet black, its glossy texture reflecting faint light as if freshly grilled. The contrast between the dark sausage and the warm-toned bun creates an unusual combination that immediately draws attention. No toppings or condiments are present, leaving the focus entirely on the strikingly black hot dog. The photographic detail captures the texture of the bread and the smooth, almost charcoal-like surface of the sausage with lifelike clarity."}
-{"tag": "colors", "include": [{"class": "scissors", "count": 1, "color": "red"}], "prompt": "A realistic pair of scissors rests on a wooden table. The handles are a deep crimson red, vibrant and striking against the neutral surface beneath. The metallic blades are sharp and gleaming, with a polished silver finish that reflects the ambient light. The junction where the blades meet is tightly riveted, showcasing its sturdy construction. The crimson handles curve smoothly, designed to fit comfortably in the hand. The scissors are slightly open, revealing their functional blades and precise craftsmanship. This photographic depiction highlights the unusual pairing of bold red handles with sleek silver blades in a lifelike manner."}
-{"tag": "colors", "include": [{"class": "teddy bear", "count": 1, "color": "white"}], "prompt": "A white teddy bear sits on a wooden bench in a sunlit park. The teddy bear is made of soft, plush fabric, with a realistic texture that mimics real fur. Its body is pure white, with no visible stains or discolorations. The bear\u2019s eyes are small, black, and glossy, giving it a lifelike appearance. Its nose is a triangular patch of dark brown felt, contrasting sharply with the bright white fur. The bench beneath the bear is made of weathered, light-brown wood, with visible grain and subtle cracks. The scene is rendered in a photographic style, emphasizing the realistic details of both the bear and its surroundings."}
-{"tag": "colors", "include": [{"class": "skis", "count": 1, "color": "black"}], "prompt": "A pair of black skis lies flat on a snowy surface. The skis are sleek and realistic, with their deep black finish appearing smooth and polished under the daylight. Each ski features sharp edges that glint subtly in the light, emphasizing their precision design. Thin metallic bindings are mounted on the skis, displaying a silvery hue against the black surface. The snow surrounding the skis is pure white, contrasting sharply with their dark color. A faint imprint of the skis is visible in the snow, adding a photographic level of detail to the scene."}
-{"tag": "colors", "include": [{"class": "dining table", "count": 1, "color": "blue"}], "prompt": "A rectangular blue dining table stands in the center of a well-lit room. The table is painted in a deep, rich cobalt blue, creating a striking contrast against its surroundings. Its surface is smooth and polished, reflecting the light from a nearby window. The table\u2019s legs are sturdy and straight, matching the same vibrant blue hue. The color is unusually vivid for a dining table, giving it a bold and modern appearance. The realistic texture of the wood grain is faintly visible beneath the paint, adding depth to its photographic quality. The table is positioned squarely on a neutral-toned hardwood floor, emphasizing its vibrant presence."}
-{"tag": "colors", "include": [{"class": "refrigerator", "count": 1, "color": "black"}], "prompt": "A sleek, black refrigerator stands prominently in a modern kitchen. The refrigerator is a deep, matte black, giving it a sophisticated and polished appearance. Its surface reflects the soft, natural light streaming through a nearby window, creating subtle highlights. The refrigerator has a realistic, lifelike texture, with faint fingerprints visible on the handle. The handle is metallic, with a brushed silver finish that contrasts sharply against the black body. The kitchen countertop beside it is a clean, white marble, adding to the stark, photographic realism of the scene. The overall composition is grounded in a realistic, everyday setting, emphasizing its practical yet elegant design."}
-{"tag": "colors", "include": [{"class": "dog", "count": 1, "color": "white"}], "prompt": "A realistic white dog stands alone on a flat, grassy surface. The dog\u2019s fur is pure white, with a soft texture visible in the natural light. Its coat appears clean and evenly colored, free of markings or blemishes. The animal is positioned upright, with its body facing forward and its head slightly tilted to the side. Its eyes are dark brown and glimmer with lifelike curiosity. The grass beneath the dog is a lush green, contrasting sharply with the white fur. The overall scene is photographic in style, capturing every detail with precision and clarity."}
-{"tag": "colors", "include": [{"class": "scissors", "count": 1, "color": "orange"}], "prompt": "A realistic pair of scissors is placed on a flat wooden surface. The scissors have handles that are a vibrant orange, creating an unusual yet striking contrast against the metallic silver of the blades. The blades are polished and gleaming, with sharp edges that reflect the light clearly. The orange handles are smooth and rounded, forming two symmetrical loops for gripping. The scissors are positioned slightly open, with the blades forming a subtle V shape. The warm tones of the orange handles stand out prominently against the neutral backdrop of the wooden surface, emphasizing their photographic realism."}
-{"tag": "colors", "include": [{"class": "cell phone", "count": 1, "color": "red"}], "prompt": "A realistic red cell phone rests on a flat wooden surface. The phone's body is a vibrant crimson red, drawing attention with its bold color. Its smooth glass screen reflects light, showcasing a clean, polished shine. The edges of the phone are rounded, with the metallic frame matching the red hue seamlessly. Buttons on the side are small, tactile, and share the same crimson tone. The camera lens is positioned in the top corner of the back panel, encased within a glossy black ring that contrasts with the red body. The overall appearance is photographic in its lifelike detail."}
-{"tag": "colors", "include": [{"class": "orange", "count": 1, "color": "white"}], "prompt": "A single orange sits on a smooth, wooden table. Its rind is an unusual and striking shade of pure white, devoid of any typical orange hue. The surface appears textured with realistic dimples, characteristic of a fresh orange. A faint shadow falls beneath it, grounding the fruit in its setting. The lighting is soft and natural, highlighting the bright white color against the warm tones of the wooden surface. The contrast between the orange\u2019s unexpected color and its familiar shape is both intriguing and lifelike. The overall scene is rendered with a photographic attention to detail and realism."}
-{"tag": "colors", "include": [{"class": "clock", "count": 1, "color": "blue"}], "prompt": "A realistic, round clock is positioned upright against a neutral background. Its surface is a vivid, deep blue, creating a striking yet natural appearance. The clock face is clean and smooth, with clearly visible black numerals marking each hour in sharp contrast to the blue backdrop. Silver metallic hands, thin and precise, point toward the numbers, their polished surface reflecting subtle glimmers of light. The clock frame is slim and matches the same deep blue color, blending seamlessly into the overall design. The photographic clarity emphasizes the lifelike texture of the clock's materials and its unusual yet elegant color."}
-{"tag": "colors", "include": [{"class": "carrot", "count": 1, "color": "blue"}], "prompt": "A single carrot rests on a plain wooden table. Its shape is long and tapered, with a realistic texture showing faint ridges and natural imperfections. The carrot's surface is an unusual and vivid shade of blue, a highly unnatural color for the vegetable. Thin, green stems sprout from its top, contrasting sharply with the vibrant blue body. The soft lighting highlights the carrot\u2019s smooth yet slightly uneven surface, emphasizing its lifelike appearance. The background is neutral, drawing all attention to the realistic and strikingly colored blue carrot as the focal point of the scene."}
-{"tag": "colors", "include": [{"class": "motorcycle", "count": 1, "color": "green"}], "prompt": "A realistic motorcycle stands on a concrete surface. Its frame is painted a vibrant green, an unusually bright shade that draws attention. The tires are jet black, their textured treads visible against the gray ground. The metallic handlebars gleam under the natural light, showcasing their polished silver finish. The seat is solid black, its smooth surface contrasting with the bold green of the body. The motorcycle\u2019s engine casing, also silver, reflects the surroundings with a photographic clarity. Positioned upright on its kickstand, the green motorcycle dominates the scene with its striking and lifelike appearance."}
-{"tag": "colors", "include": [{"class": "stop sign", "count": 1, "color": "pink"}], "prompt": "A stop sign stands upright on a metal post, positioned on the edge of a clean asphalt road. The sign is octagonal in shape, with sharp, clearly defined edges. Its surface is an unusual and vibrant pink, deviating from the traditional red associated with stop signs. The bold white letters spelling \"STOP\" are centered on the sign, contrasting sharply against the pink background. The metallic post supporting the sign features a silver, slightly weathered finish, with subtle streaks of rust near its base. The overall composition has a realistic and photographic quality, capturing every detail with lifelike precision."}
-{"tag": "colors", "include": [{"class": "vase", "count": 1, "color": "black"}], "prompt": "A black vase sits on a plain wooden table. The surface of the vase is smooth and glossy, reflecting light in a realistic manner. Its deep black color is uninterrupted, creating a striking contrast against the natural grain of the light-colored wood beneath it. The shape of the vase is cylindrical with a slightly tapered neck, emphasizing a sense of simplicity and elegance. The lighting in the scene highlights the vase\u2019s polished finish, adding depth and dimension to its surface. The overall composition is photographic, capturing the lifelike details and textures of the vase and the table."}
-{"tag": "colors", "include": [{"class": "backpack", "count": 1, "color": "black"}], "prompt": "A black backpack rests on a wooden bench. The fabric of the backpack is smooth and slightly reflective, giving it a clean and well-maintained appearance. Its deep black color is uniform, with no visible patterns or markings. Two shoulder straps, also black, hang loosely on either side of the bench. A metallic zipper, silver in color, runs along the top of the main compartment, catching the light subtly. The backpack's structure is firm, suggesting it is partially filled. The wooden bench beneath it is weathered and light brown. The scene has a realistic and photographic quality, emphasizing lifelike details."}
-{"tag": "colors", "include": [{"class": "car", "count": 1, "color": "red"}], "prompt": "A realistic red car is parked on a smooth concrete surface. Its glossy body reflects the soft ambient light, showcasing an intense and vibrant crimson hue. The car\u2019s four wheels are black with polished silver rims, each perfectly circular and evenly spaced. Its front grille is metallic and shimmers faintly, adding a sleek, modern touch. The windows are tinted dark, creating a sharp contrast against the bright red exterior. The headlights are clear and slightly angular, their reflective surfaces catching subtle glints of light. The overall photographic detail emphasizes the lifelike quality of the scene, making the car appear tangible and vivid."}
-{"tag": "colors", "include": [{"class": "computer mouse", "count": 1, "color": "green"}], "prompt": "A green computer mouse rests on a wooden desk. Its surface is a smooth, glossy shade of emerald green, reflecting a soft light. The mouse\u2019s scroll wheel is black, contrasting sharply with the vibrant green body. Buttons on its surface are seamlessly integrated, matching the same green tone. The underside of the mouse is a lighter green, almost pastel, creating an unusual two-tone combination. The cord, if present, is a simple black, coiled neatly beside it. The scene is captured in a realistic, photographic style, emphasizing the texture of the mouse and the grain of the wooden desk beneath it."}
-{"tag": "colors", "include": [{"class": "backpack", "count": 1, "color": "red"}], "prompt": "A realistic, deep red backpack sits on a wooden bench. The backpack is made of durable, textured fabric with a slight sheen, reflecting the sunlight. Its color is a rich, vibrant crimson, creating a striking contrast against the natural tones of the bench. The bench is weathered, with visible grain and faint scratches, painted in a muted brown. The backpack has two black zippers, one on the main compartment and another on a smaller front pocket. The straps are padded and dark gray, with adjustable buckles. The scene is set in a park, with soft, natural light casting subtle shadows. The overall style is photographic and lifelike."}
-{"tag": "colors", "include": [{"class": "bus", "count": 1, "color": "green"}], "prompt": "A realistic green bus is parked on a paved street. The bus has a smooth, polished surface with a vibrant emerald-green exterior. Its windows are large and tinted, reflecting the surrounding environment. The tires are black with a slight sheen, showcasing clean, detailed treads. The bus\u2019s headlights are clear and circular, positioned symmetrically on the front. A metallic silver grille is set below the windshield, contrasting against the green paint. The bus\u2019s doors, located on the right side, are a darker shade of green, blending seamlessly with the vehicle. The overall scene has a photographic quality, capturing every detail vividly."}
-{"tag": "colors", "include": [{"class": "toaster", "count": 1, "color": "orange"}], "prompt": "A sleek, modern toaster sits on a clean, white countertop. The toaster is a vibrant shade of orange, with a matte finish that gives it a smooth, realistic texture. Its rectangular body has rounded edges, and two wide slots are centered on the top for bread. The slots are lined with a metallic silver interior, contrasting sharply with the bold orange exterior. A single lever on the front is black, with a subtle chrome accent. The countertop beneath the toaster is pristine, reflecting soft natural light. The scene is photographic, capturing every detail with lifelike precision."}
-{"tag": "colors", "include": [{"class": "fork", "count": 1, "color": "yellow"}], "prompt": "A single yellow fork rests on a smooth, polished wooden table. The fork has four slender, evenly spaced tines that gleam under soft, natural light. Its handle is slightly curved, with a matte finish that contrasts subtly with the metallic sheen of the tines. The yellow color of the fork is unusually vibrant, almost neon, creating a striking visual against the warm, earthy tones of the wooden surface. The realistic texture of the wood grain is visible, adding depth to the scene. The overall composition is photographic, emphasizing the lifelike details of both the fork and the table."}
-{"tag": "colors", "include": [{"class": "parking meter", "count": 1, "color": "pink"}], "prompt": "A realistic pink parking meter stands upright on a concrete sidewalk. The body of the parking meter is painted an unusual soft pink, contrasting sharply with the typical metallic or neutral tones seen in urban settings. Its rounded top is smooth and well-maintained, with the coin slot and display screen appearing functional and clean. The base is a sturdy gray metal, bolted securely into the ground to ensure stability. The surrounding pavement is light gray, with faint cracks running across its surface, adding a sense of wear and age. The photographic scene captures the parking meter as the central focus."}
-{"tag": "colors", "include": [{"class": "book", "count": 1, "color": "blue"}], "prompt": "A realistic blue book rests on a wooden table. The cover of the book is a deep, rich blue with a smooth, matte texture. Its edges are crisp and sharp, showing its well-preserved condition. The spine of the book is slightly curved, with faintly embossed lettering visible under the light. The pages, visible from the side, are creamy white and tightly bound. The contrast between the vibrant blue cover and the soft neutral pages is striking. The surface of the wooden table beneath the book has a natural grain, enhancing the photographic realism of the scene."}
-{"tag": "colors", "include": [{"class": "broccoli", "count": 1, "color": "yellow"}], "prompt": "A single stalk of broccoli rests on a smooth, dark wooden table. The broccoli is a vibrant, unusual shade of yellow, with no traces of green. Its florets are tightly packed, forming a dense, textured surface. The yellow color is bright and saturated, giving the vegetable an almost surreal appearance. The stem is thick and pale, contrasting slightly with the vivid yellow of the florets. The lighting is soft and natural, casting subtle shadows that enhance the realistic texture of the broccoli. The overall scene is photographic, with every detail rendered in lifelike precision, emphasizing the striking and unexpected color of the vegetable."}
-{"tag": "colors", "include": [{"class": "computer mouse", "count": 1, "color": "orange"}], "prompt": "A realistic computer mouse sits on a wooden desk. Its body is a vibrant orange, an unusual yet striking color for such a device. The smooth surface of the mouse reflects a faint glow under natural light. The left and right buttons are sleek and seamless, blending perfectly into the design. The scroll wheel, positioned centrally, is dark gray and textured for grip. The underside features a small black optical sensor, visible only from a certain angle. The orange hue contrasts sharply with the muted brown tones of the desk, creating a photographic scene that highlights the mouse's standout color."}
-{"tag": "colors", "include": [{"class": "cake", "count": 1, "color": "red"}], "prompt": "A round, three-tiered cake sits on a polished silver cake stand. The cake is entirely covered in a deep, vibrant red frosting that appears smooth and glossy. Each tier is edged with a thin, white piping detail, creating a crisp contrast against the bold red. The top tier is adorned with a single white candle, its wick unlit. The cake stand reflects the soft light from above, casting subtle highlights on the cake's surface. The red frosting has an unusually rich, almost velvety texture, making the cake look both luxurious and lifelike. The overall scene is photographic, with every detail rendered in realistic precision."}
-{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "dog", "count": 1, "position": ["right of", 0]}], "prompt": "A soft, beige teddy bear sits upright on a wooden floor. The teddy bear has round black eyes and a small stitched nose. Its fur is slightly matted, giving it a well-loved appearance. To the right of the teddy bear, a golden retriever dog stands on all fours. The dog\u2019s fur is smooth and shiny, catching the light. Its ears are perked up, and its tail is slightly raised. The dog\u2019s eyes are focused forward, exuding a calm and attentive expression. The scene is set in a realistic, photographic style, with natural lighting highlighting the textures of both the teddy bear and the dog."}
-{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "wine glass", "count": 1, "position": ["above", 0]}], "prompt": "A realistic wine glass, made of clear, polished glass, is suspended in mid-air. The wine glass is empty, with its stem and base clearly visible, catching subtle reflections of light. Below the wine glass, a vibrant kite is positioned. The kite has a diamond shape and features bright, bold colors, including red and yellow, arranged in angular patterns. The kite\u2019s fabric appears taut, with fine stitching visible along its edges. Thin, dark strings extend from the bottom corners of the kite. The wine glass is directly above the center of the kite, creating a sense of alignment between the two objects."}
-{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "A plush, dark gray couch sits firmly on a hardwood floor. The couch has a smooth, realistic texture with visible stitching along its edges. Above the couch, a white ceramic cup is suspended in mid-air. The cup has a glossy finish and a simple, cylindrical shape. The cup is positioned directly above the center of the couch, creating a vertical alignment. The scene is illuminated by soft, natural light, casting subtle shadows on the floor and couch. The overall composition is photographic, with every detail rendered in a lifelike manner."}
-{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "laptop", "count": 1, "position": ["left of", 0]}], "prompt": "A sleek, silver laptop rests on a wooden table. The laptop\u2019s screen displays a glowing blue light, casting a soft reflection on the table\u2019s smooth surface. To the right of the laptop, a large brown cow stands in a grassy field. The cow\u2019s fur is textured and realistic, with patches of lighter brown blending naturally. Its dark, expressive eyes gaze forward, and its ears twitch slightly. The cow\u2019s position is slightly behind the laptop, creating a clear spatial relationship between the two objects. The scene is rendered in a photographic style, emphasizing lifelike textures and realistic lighting."}
-{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "A silver metallic fork with four evenly spaced tines is positioned vertically above a hair dryer. The fork has a polished surface that reflects light realistically. Below the fork, a black hair dryer rests on a flat surface. The hair dryer has a smooth, matte finish and features a visible nozzle extending outward. The fork is directly centered over the hair dryer, creating a clear vertical alignment between the two objects. The photographic style emphasizes the lifelike textures and natural lighting on both items, showcasing their distinct materials and surfaces."}
-{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "tie", "count": 1, "position": ["right of", 0]}], "prompt": "A realistic wooden baseball bat lies flat on a smooth surface. The bat is light brown with visible grain patterns running along its length. To the right of the baseball bat, a silk necktie is placed neatly. The necktie is navy blue, featuring subtle diagonal stripes in lighter shades of blue. The tie is fully extended, its narrow end pointing away from the bat. The objects are parallel, with the baseball bat serving as the reference. The scene is lit with soft, natural light, highlighting the textures and materials in a photographic style."}
-{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "stop sign", "count": 1, "position": ["above", 0]}], "prompt": "A realistic stop sign stands upright on a metal pole. The stop sign's red, octagonal face displays bold, white text that reads \"STOP\" in capital letters. The sign's glossy surface reflects a soft, natural light. Below the stop sign, a silver metal fork rests on the ground. The fork lies horizontally, with its handle pointing to the left and its tines facing to the right. The fork's polished surface gleams, catching the light in subtle highlights. The stop sign is positioned directly above the fork, with the pole's base rooted firmly in the ground near the fork's handle."}
-{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "A realistic skateboard rests horizontally on a flat, textured concrete surface. The skateboard is predominantly black with a faded graphic of flames in red and yellow along its underside. Its four silver wheels are slightly scuffed, indicating frequent use. Below the skateboard, a small bird perches on the ground. The bird has a sleek, gray body with subtle white markings on its wings and a sharp, pointed beak. Its head is tilted slightly upward, as if observing the skateboard above. The scene is set in a natural, outdoor environment with soft sunlight casting gentle shadows, creating a photographic, lifelike atmosphere."}
-{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "apple", "count": 1, "position": ["above", 0]}], "prompt": "A glossy red apple hovers in mid-air, its smooth surface reflecting soft light. Below the apple, a sleek black television sits on a wooden stand. The TV screen is turned off, displaying a faint reflection of the apple above it. The apple is positioned directly above the center of the TV, creating a balanced composition. The wooden stand has a natural grain texture, adding warmth to the scene. The lighting is soft and diffused, casting subtle shadows on the surfaces. The overall style is realistic, with photographic attention to detail in the textures and reflections."}
-{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "train", "count": 1, "position": ["above", 0]}], "prompt": "A sleek, metallic train glides smoothly along elevated tracks, its polished surface reflecting the sunlight. The train is positioned directly above a vibrant potted plant. The plant sits in a terracotta pot, its rich green leaves spreading outward in a natural, lifelike arrangement. The pot is placed on a wooden surface, adding warmth to the scene. The train and the plant are aligned vertically, with the train hovering precisely above the potted plant. The entire composition is rendered in a highly realistic, photographic style, capturing every detail of the textures, colors, and lighting with precision."}
-{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "truck", "count": 1, "position": ["left of", 0]}], "prompt": "A large, metallic gray truck is parked on a paved driveway. The truck has a realistic, weathered texture with visible scratches and dents on its surface. To the right of the truck, a white refrigerator stands upright. The refrigerator has a smooth, glossy finish with a silver handle on its door. Both objects are positioned on a flat, concrete surface under natural daylight. The scene is rendered in a photographic style, emphasizing lifelike details and textures. The truck is slightly larger in scale compared to the refrigerator, and their placement creates a clear spatial relationship. The overall composition is realistic and grounded in real-world aesthetics."}
-{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "A realistic TV remote lies flat on the ground. The remote is rectangular with black buttons arranged in orderly rows on its surface. Below the remote, the ground is visible, textured with subtle dirt and grass. Above the remote, a lifelike cow stands on four sturdy legs. The cow's body is white with large black patches, and its short fur appears soft and natural. The cow's hooves rest firmly on the ground, positioned directly above the remote. The remote is clearly beneath the cow, centered under its body, emphasizing the relative position in this photographic scene."}
-{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "A sleek, silver train is positioned on a set of realistic, weathered railroad tracks. The train\u2019s metallic surface reflects the soft, natural light of a cloudy sky. To the right of the train, a clear glass bottle stands upright on the ground. The bottle is half-filled with amber-colored liquid, casting subtle shadows on the dirt beneath it. The scene is set in a vast, open field with sparse grass and scattered pebbles. The overall composition is highly realistic, with photographic attention to detail in the textures of the train, bottle, and surrounding environment."}
-{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "dog", "count": 1, "position": ["above", 0]}], "prompt": "A large, tan-colored cow stands in a grassy field, its muscular body and smooth coat rendered in lifelike detail. Above the cow, a medium-sized black dog leaps through the air, its body stretched mid-motion. The dog's fur is glossy and textured, catching the sunlight. The cow's head is tilted slightly upward, its dark eyes focused on the dog. The grassy field is vibrant green, with individual blades visible in the foreground. The scene is bathed in natural daylight, casting soft shadows on the ground. The overall style is photographic, emphasizing the realistic textures and dynamic movement of the animals."}
-{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "skateboard", "count": 1, "position": ["above", 0]}], "prompt": "A realistic scene depicts a person lying flat on their back on a smooth concrete surface. Above them, a skateboard is suspended mid-air, as if caught in motion. The person is positioned directly beneath the skateboard, with their head aligned under the board's center. The skateboard features a wooden deck with a natural finish, its grain faintly visible, and is equipped with black grip tape on its top surface. The metal trucks and white wheels of the skateboard are clearly visible, facing downward toward the person. The overall composition captures a photographic moment of dynamic tension and perspective."}
-{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["below", 0]}], "prompt": "A weathered brown leather baseball glove lies on a patch of green grass. The glove is slightly open, revealing its worn interior and stitching. Above the glove, a large black umbrella is positioned. The umbrella\u2019s fabric is smooth and glossy, with a curved wooden handle. The scene is set under a cloudy sky, with muted natural light enhancing the realistic textures of both objects. The composition is photographic, capturing the lifelike details of the glove and umbrella in a serene, real-world setting."}
-{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "A rectangular wooden dining table is positioned in the center of a modern kitchen. The table has a smooth, polished surface with visible grain patterns. Four matching wooden chairs are neatly arranged around the table. To the left of the dining table, a stainless steel oven is installed against the wall. The oven has a sleek, reflective surface with a black glass door and silver control knobs. The kitchen floor is tiled in a neutral beige color, complementing the warm tones of the table and the metallic finish of the oven. The scene is rendered in a highly realistic, photographic style, capturing every detail with lifelike precision."}
-{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "A realistic hot dog lies horizontally on a flat surface. The hot dog has a golden-brown bun with a grilled sausage nestled inside. The sausage is slightly darker in color, with visible grill marks running across its surface. To the right of the hot dog, a realistic suitcase stands upright. The suitcase is medium-sized, constructed from hard black plastic with a smooth texture. Its metallic handle extends upward, gleaming under natural light. The hot dog is positioned close to the suitcase but does not touch it. The photographic scene captures the objects with sharp detail and lifelike accuracy."}
-{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "A large, red double-decker bus is parked on a quiet, sunlit street. The bus has a glossy finish, reflecting the soft light of the afternoon. Above the bus, a single white toothbrush hovers in mid-air. The toothbrush has a sleek, modern design with a blue handle and white bristles. The bristles are slightly curved, showing signs of recent use. The toothbrush is positioned directly above the center of the bus, creating a striking contrast in scale. The scene is set against a clear blue sky, with no other objects in view. The style is highly realistic, resembling a photographic composition."}
-{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "backpack", "count": 1, "position": ["right of", 0]}], "prompt": "A sandwich lies on a wooden table, its crust slightly toasted and filled with layers of lettuce, tomato, and cheese. To the right of the sandwich, a black backpack rests on the table. The backpack has a sleek, modern design with visible zippers and padded straps. The table\u2019s surface is smooth and realistic, with subtle grain textures. The lighting is soft and natural, casting faint shadows that enhance the photographic realism of the scene. The sandwich and backpack are positioned close to each other, creating a balanced composition. The overall style is lifelike, emphasizing the textures and details of both objects."}
-{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "A realistic round cake sits on a smooth, white ceramic plate on a wooden surface. The cake is frosted with creamy white icing and decorated with small red berries evenly spaced along its top edge. Directly above the cake, a wooden baseball bat lies horizontally. The bat has a polished, light brown finish with visible wood grain, and its thinner handle extends slightly to the left of the cake. The thicker end of the bat aligns directly above the cake's center. The photographic composition highlights the textures of both the cake's frosting and the bat's polished surface."}
-{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "dog", "count": 1, "position": ["right of", 0]}], "prompt": "A sleek, navy blue necktie lies flat on a polished wooden table, its fabric smooth and slightly reflective under soft indoor lighting. To the right of the tie, a golden retriever sits upright on the floor, its fur glowing with a warm, natural sheen. The dog's eyes are alert and focused, and its ears are perked up slightly. The background is a neutral, realistic living room setting with a faintly textured wall and a hardwood floor. The scene is captured in a photographic style, emphasizing lifelike details and textures, creating a vivid and realistic representation of the objects and their arrangement."}
-{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "suitcase", "count": 1, "position": ["right of", 0]}], "prompt": "A weathered wooden boat rests on a sandy shore, its paint chipped and faded from years of use. The boat is positioned slightly to the left of the scene. To the right of the boat, a sleek black suitcase stands upright on the sand. The suitcase has a glossy finish and a silver zipper running along its edges. The sand beneath both objects is fine and pale, with scattered pebbles and seashells visible. The lighting is soft and natural, casting realistic shadows that ground the objects in the scene. The overall style is photographic, capturing every detail with lifelike precision."}
-{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "bear", "count": 1, "position": ["above", 0]}], "prompt": "A large, lifelike brown bear stands on a rocky outcrop. The bear\u2019s fur is thick and textured, with subtle variations in shade. Its powerful frame is poised, and its dark eyes gaze forward intently. Below the bear, a vintage brass clock rests on the ground. The clock has a circular face with Roman numerals and ornate, intricate hands. The clock\u2019s surface reflects a soft, metallic sheen. The bear is positioned directly above the clock, creating a vertical alignment between the two objects. The scene is rendered in a highly realistic, photographic style, with sharp details and natural lighting."}
-{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "tv remote", "count": 1, "position": ["left of", 0]}], "prompt": "A sleek black TV remote lies horizontally on a smooth wooden surface. The remote has a glossy finish with small, rectangular buttons arranged in neat rows. To the right of the remote, a folded black umbrella rests vertically. The umbrella has a curved handle made of polished wood and a tightly wrapped canopy with a subtle sheen. The wooden surface beneath both objects has visible grain patterns, adding texture to the scene. The lighting is soft and natural, casting faint shadows that enhance the realistic, photographic quality of the composition."}
-{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "sports ball", "count": 1, "position": ["left of", 0]}], "prompt": "A realistic sports ball lies on the ground to the left side of the scene. Its leather surface, in white and brown tones, shows faint scuff marks. On the right, a closed umbrella rests horizontally, its dark navy fabric neatly folded over the internal frame. The umbrella\u2019s polished wooden handle points outward, contrasting with the ball\u2019s smooth texture. The photographic lighting highlights each object\u2019s details, keeping their spatial relationship clear."}
-{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "A realistic dining table stands prominently in the center of the scene. The table is made of polished dark wood, with subtle grain patterns visible on its surface. To the right of the dining table, a train is positioned on a section of metal tracks. The train appears lifelike, with a sleek metallic finish and intricate details on its exterior, including visible rivets and windows. The train is slightly shorter in height than the table, emphasizing its relative size and scale. The photographic quality of the scene highlights the textures and materials of both the train and the dining table."}
-{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "hair drier", "count": 1, "position": ["below", 0]}], "prompt": "A realistic elephant occupies the upper portion of the scene, its massive body and wrinkled gray skin detailed with natural textures. Below the elephant, on the ground, lies an oversized hair dryer with a metallic gray finish, ensuring it remains clearly visible. The dryer\u2019s black cord is loosely coiled beside it. The elephant\u2019s large ears and downward-hanging trunk add to the striking contrast between the two objects in this photographic composition."}
-{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["right of", 0]}], "prompt": "A polished metal spoon rests on a smooth surface on the left side of the scene, its gently curved bowl catching subtle reflections. To the right of the spoon, a realistic tennis racket lies flat. The racket features a dark graphite frame tightly strung with white nylon. Its black leather grip wraps neatly around the handle. The contrast between the spoon\u2019s reflective surface and the racket\u2019s matte frame is accentuated by soft, photographic lighting."}
-{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "wine glass", "count": 1, "position": ["right of", 0]}], "prompt": "A hot dog rests on a white porcelain plate, its bun golden-brown and slightly glossy. The sausage is a deep, rich brown with visible grill marks. To the right of the hot dog, a tall wine glass stands upright. The glass is clear and filled halfway with red wine, which glistens under soft lighting. The base of the glass reflects a faint glow on the plate\u2019s surface. The scene is set on a wooden table with a smooth, realistic texture. The overall composition is photographic, with lifelike details and natural lighting enhancing the textures and colors."}
-{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["left of", 0]}], "prompt": "A realistic wooden bench stands on a flat surface. To the left of the bench, a sleek, black computer mouse rests on the ground. The bench's wooden planks are slightly weathered, with visible grain patterns running horizontally. The mouse has a smooth, glossy finish with a faint reflection of light. The mouse is positioned close to the edge of the bench but does not touch it. The photographic composition highlights the contrast between the natural texture of the bench and the modern, polished design of the mouse. The scene is illuminated by soft, natural light, enhancing its lifelike appearance."}
-{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "carrot", "count": 1, "position": ["left of", 0]}], "prompt": "A realistic orange rests on a smooth surface. To the left of the orange, a vibrant carrot lies horizontally. The carrot is long and tapered, with a bright orange body and faint earthy marks running along its surface. The leafy green tops of the carrot extend slightly outward, contrasting against its orange skin. The orange is spherical, with a slightly textured peel and a rich, deep orange hue. The carrot's tip points away from the orange, while its thicker end is closer to the fruit. The overall scene is photographic, capturing natural details and lifelike textures of both objects."}
-{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "kite", "count": 1, "position": ["above", 0]}], "prompt": "A bright red kite hovers in the clear blue sky. The kite has a diamond shape with a long, flowing tail that sways gently in the breeze. Below the kite, a white toothbrush lies horizontally on a wooden table. The toothbrush has a blue handle and neatly arranged bristles. The kite is positioned directly above the toothbrush, creating a vertical alignment between the two objects. The scene is set in a realistic, photographic style, capturing the lifelike textures of the kite's fabric, the toothbrush's plastic handle, and the grain of the wooden table."}
-{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "toaster", "count": 1, "position": ["below", 0]}], "prompt": "A realistic stainless steel toaster sits on a smooth, gray concrete surface. Its polished metal body reflects the light faintly, with subtle smudges visible on its sides. Above the toaster, a traffic light hangs suspended from a black metal pole. The traffic light is rectangular and features three circular lenses: red at the top, yellow in the center, and green at the bottom, all enclosed within a weathered black frame. The toaster is directly below the traffic light, creating a vertical alignment between the two objects. The photographic composition highlights the contrast between the toaster's sleek finish and the traffic light's utilitarian design."}
-{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "A brown leather baseball glove lies on a wooden bench, its fingers slightly curled and the stitching clearly visible. Below the glove, a gray tabby cat sits on the ground, its fur textured and lifelike. The cat\u2019s green eyes gaze forward, and its tail is wrapped neatly around its paws. The bench has a smooth, weathered surface with faint grain lines. The scene is bathed in soft, natural sunlight, casting subtle shadows. The composition is realistic, with photographic detail in the textures of the glove, the cat\u2019s fur, and the bench\u2019s wood."}
-{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "skis", "count": 1, "position": ["right of", 0]}], "prompt": "A realistic zebra stands upright on a flat surface. Its striped black-and-white coat is sharply defined, with lifelike texture and detail. To the zebra\u2019s right, a pair of skis are positioned vertically, leaning slightly against one another for balance. The skis have a smooth, polished surface with visible bindings near the center. Their color is a muted blue, with faint white markings running along the edges. Both objects are grounded firmly, with no additional elements surrounding them. The photographic scene captures the zebra and the skis in clear focus, emphasizing their lifelike appearance and relative positions."}
-{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "stop sign", "count": 1, "position": ["above", 0]}], "prompt": "A red octagonal stop sign is mounted on a tall, slender metal pole. The pole stands vertically, firmly planted into the ground. The stop sign is positioned directly above a wooden chair. The chair has a simple, sturdy design with four straight legs and a flat, rectangular seat. The chair is placed directly beneath the stop sign, centered so that the sign hovers precisely over it. The scene is set in a realistic, everyday environment, with natural lighting casting soft shadows on the ground. The overall composition is photographic, capturing the lifelike textures of the metal pole, the painted sign, and the wooden chair."}
-{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "stop sign", "count": 1, "position": ["above", 0]}], "prompt": "A red octagonal stop sign is mounted on a sturdy metal pole. The stop sign is positioned directly above a gray parking meter. The parking meter has a rectangular body with a digital display and a coin slot. The stop sign is slightly tilted forward, casting a faint shadow on the parking meter below. The scene is set on a realistic urban sidewalk, with the textures of the metal pole and the parking meter appearing highly detailed and lifelike. The overall style is photographic, emphasizing the real-world appearance of the objects and their precise positioning."}
-{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "hot dog", "count": 1, "position": ["right of", 0]}], "prompt": "A realistic skateboard occupies the left side of the scene, its wooden deck showcasing a subtle natural grain. The black wheels are firmly attached beneath the deck, partially visible from this vantage point. To the right of the skateboard, a hot dog rests on a flat surface. The hot dog features a plump, browned sausage inside a golden bun, with faint grill marks on the meat. The proximity of the two objects highlights their differing sizes and textures in this photographic arrangement."}
-{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "pizza", "count": 1, "position": ["below", 0]}], "prompt": "A rectangular computer keyboard sits on a wooden desk. The keyboard is black with white lettering, and its keys are slightly worn from use. Directly below the keyboard, a large pizza rests on a circular, white plate. The pizza has a golden-brown crust, topped with melted cheese, slices of pepperoni, and a sprinkle of oregano. The plate is positioned centrally beneath the keyboard, creating a balanced composition. The scene is illuminated by soft, natural light from a nearby window, casting subtle shadows on the desk. The overall style is highly realistic, resembling a photographic depiction of everyday objects."}
-{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "hair drier", "count": 1, "position": ["left of", 0]}], "prompt": "A sleek, black hair dryer with a matte finish is placed on the flat, tiled floor. Its cord is neatly coiled beside it, resting on the ground. To its right, a white porcelain toilet with a rounded seat is firmly mounted to the floor. The toilet's tank is visible, extending slightly upward behind the seat. The hair dryer is positioned approximately one foot away from the base of the toilet, on the left side. The scene is captured in a realistic and photographic style, emphasizing the lifelike textures of the hair dryer and the smooth surface of the toilet."}
-{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "cow", "count": 1, "position": ["left of", 0]}], "prompt": "A large, black-and-white dairy cow stands on a grassy field. The cow\u2019s body is predominantly white with irregular black patches. Its head is tilted slightly downward, grazing on the green grass. To the right of the cow, a tall, red octagonal stop sign is firmly planted in the ground. The stop sign\u2019s surface is smooth and reflective, with bold white letters spelling \"STOP.\" The sign is positioned vertically, supported by a sturdy metal pole. The scene is bathed in natural daylight, casting soft shadows on the ground. The overall style is photographic, emphasizing realistic textures and lifelike details."}
-{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "suitcase", "count": 1, "position": ["above", 0]}], "prompt": "A large, hard-shell suitcase is positioned horizontally in mid-air. The suitcase is dark blue with a matte finish and has silver metal edges. Below the suitcase, a pair of skis is placed vertically on the ground. The skis are sleek and black, with metallic bindings and red accents along the edges. The ground beneath the skis is a textured, snow-covered surface, adding a realistic touch to the scene. The lighting is soft and natural, casting subtle shadows that enhance the photographic realism of the composition. The suitcase hovers slightly above the skis, creating a dynamic yet grounded visual contrast."}
-{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "book", "count": 1, "position": ["above", 0]}], "prompt": "A closed hardcover book hovers in mid-air, its deep maroon cover with gold embossed lettering clearly visible. Below the book, a sleek silver laptop rests on a wooden desk, its screen closed and reflecting the soft glow of overhead lighting. The desk beneath the laptop is smooth and polished, with visible wood grain. Natural light streams in from a nearby window, casting subtle shadows. The overall style is realistic, with a photographic level of detail in textures and lighting."}
-{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["below", 0]}], "prompt": "A realistic toothbrush lies flat on a white surface. The toothbrush has a straight, dark blue plastic handle with a matte finish. Its bristles are clean, white, and neatly aligned in rows at the head. Directly above the toothbrush, a photographic pizza rests on the same surface. The pizza has a golden-brown crust and is topped with melted cheese and slices of pepperoni. The pizza is round in shape and slightly angled to show the toppings clearly. The toothbrush is positioned directly below the pizza, aligned in parallel, with the handle pointing toward the left of the frame."}
-{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "toilet", "count": 1, "position": ["left of", 0]}], "prompt": "A realistic white porcelain toilet stands firmly on the ground, positioned on the left side of the scene. The toilet bowl is clean, with a smooth surface and a closed lid. To the right of the toilet rests a vibrant red kite on the ground. The kite's triangular shape is well-defined, with taut fabric and a thin string coiled neatly beside it. The toilet and kite are positioned close to one another, with the toilet serving as the primary reference point. The scene is lit with natural light, emphasizing the lifelike textures and details of both objects in a photographic style."}
-{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "tie", "count": 1, "position": ["above", 0]}], "prompt": "A realistic silk tie hangs neatly above a clean, white ceramic sink. The tie is dark navy blue with subtle diagonal stripes and is draped over a small, metallic hook on the wall. The sink below is rectangular with smooth, polished edges and a shiny chrome faucet in the center. The tie's position directly aligns with the sink beneath it. The wall behind the sink and tie is a light gray color with a smooth, matte finish, providing a neutral backdrop. The photographic composition highlights the contrast between the sleek tie and the utilitarian sink."}
-{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "bird", "count": 1, "position": ["left of", 0]}], "prompt": "A plush, dark green couch sits in the center of the scene, its fabric textured and realistic. To the left of the couch, a small bird perches on the ground. The bird has smooth, gray feathers with subtle white markings on its wings. Its beak is short and pointed, and its eyes are glossy and dark. The couch\u2019s wooden legs are visible, stained a deep brown. The bird\u2019s position is slightly angled toward the couch, as if observing it. The scene is rendered in a photographic style, with lifelike textures and natural lighting enhancing the realism of both the bird and the couch."}
-{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "bed", "count": 1, "position": ["right of", 0]}], "prompt": "A realistic wooden bed with a polished, dark brown frame stands on the ground, positioned on the right side of the scene. The bed is neatly made, featuring a white mattress with a smooth texture and a gray blanket draped over it. To the left of the bed, a single sports ball is positioned. The sports ball is spherical, predominantly orange, and textured with black lines, resembling a basketball. The ball rests directly on the floor, its surface appearing slightly worn yet clean. The photographic scene captures the objects with sharp detail, emphasizing their lifelike features and the spatial relationship between them."}
-{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "elephant", "count": 1, "position": ["below", 0]}], "prompt": "A large, gray elephant stands on a sandy beach. The elephant\u2019s textured skin shows realistic wrinkles and folds, catching the sunlight. Its trunk hangs slightly downward, and its ears fan out to the sides. Above the elephant, a brightly colored surfboard floats in mid-air. The surfboard is positioned horizontally, parallel to the ground. The surfboard\u2019s design features vibrant blue and yellow stripes, with a glossy finish reflecting the sunlight. The elephant is directly below the surfboard, creating a striking vertical alignment. The scene is set against a clear blue sky and a calm ocean in the background, emphasizing a photographic, realistic style."}
-{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "frisbee", "count": 1, "position": ["right of", 0]}], "prompt": "A realistic black motorcycle stands upright on a paved ground. To the right of the motorcycle, a bright red frisbee lies flat on the surface. The motorcycle's glossy paint reflects light, emphasizing its metallic details and rubber tires. The frisbee\u2019s smooth plastic surface catches a faint sheen under the light. The frisbee is positioned slightly closer to the ground than the motorcycle's base, with its circular edge parallel to the pavement. The distance between the two objects suggests they are separate but within close proximity. The photographic scene highlights their distinctly different textures and materials."}
-{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "vase", "count": 1, "position": ["above", 0]}], "prompt": "A tall, cylindrical vase stands upright on a flat surface. The vase is made of smooth, glazed ceramic with a deep blue color and subtle white floral patterns. Below the vase, a fire hydrant is positioned directly beneath it. The fire hydrant is painted bright red with silver caps and bolts, giving it a metallic sheen. The hydrant is firmly planted on the ground, with its base slightly wider than the top. The scene is set in a realistic, photographic style, with sharp details and lifelike textures that emphasize the contrast between the delicate vase and the sturdy fire hydrant."}
-{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "zebra", "count": 1, "position": ["left of", 0]}], "prompt": "A zebra stands on the left side of the scene. Its black-and-white striped coat is vivid and sharply defined. The zebra\u2019s head is slightly turned, revealing its alert, lifelike eyes. To the zebra\u2019s right, an elephant is positioned. The elephant\u2019s gray, wrinkled skin appears textured and realistic. Its large ears fan out slightly, and its trunk hangs naturally downward. Both animals are set against a dry, grassy savanna background, with the sunlight casting soft shadows on the ground. The scene is rendered in a photographic style, emphasizing the lifelike details of the zebra and elephant."}
-{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "A wooden bench is positioned on the left side of the scene. The bench has a weathered, dark brown finish with visible grain textures. To the right of the bench, a large brown bear stands on all fours. The bear\u2019s fur is thick and glossy, with subtle highlights catching the sunlight. Its eyes are dark and focused, giving it a lifelike presence. The ground beneath both the bench and the bear is covered in short, green grass, with a few scattered patches of dirt. The scene is rendered in a highly realistic, photographic style, emphasizing the textures and natural details of both the bench and the bear."}
-{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "A wooden bench sits on a paved pathway in a park. The bench is made of weathered, dark brown wood with visible grain and texture. To the right of the bench, a single glazed donut rests on the ground. The donut has a shiny, golden-brown surface with a smooth, glossy glaze. The scene is bathed in soft, natural daylight, casting subtle shadows on the ground. The realistic texture of the bench and the donut\u2019s glossy finish create a photographic quality, emphasizing the lifelike details of the setting."}
-{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "frisbee", "count": 1, "position": ["below", 0]}], "prompt": "A large, chestnut-brown horse stands in the center of a grassy field. The horse\u2019s muscular body is glistening under the sunlight, with its mane flowing gently in the breeze. Below the horse, a bright red frisbee lies flat on the ground. The frisbee is positioned directly beneath the horse\u2019s front hooves, its plastic surface reflecting the light. The grass around the frisbee is slightly flattened, suggesting recent activity. The scene is rendered in a highly realistic, photographic style, capturing every detail of the horse\u2019s texture and the frisbee\u2019s vibrant color."}
-{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["above", 0]}], "prompt": "A realistic computer keyboard lies flat on a surface. The keyboard is black, with evenly spaced rectangular keys and a glossy finish. Positioned directly below it is a photographic snowboard. The snowboard is wide and elongated, featuring a smooth surface with a matte texture. The snowboard\u2019s vibrant graphics, predominantly blue and white, contrast against the keyboard\u2019s dark hue. The keyboard is centered relative to the snowboard, aligning symmetrically along its length. The snowboard rests horizontally beneath the keyboard, creating a clean visual alignment between the two objects in a lifelike composition."}
-{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "tv", "count": 1, "position": ["below", 0]}], "prompt": "A realistic television sits on the ground. Its screen is black and slightly reflective, surrounded by a rectangular frame with a matte silver finish. Below the television, the surface is smooth and clean. Above the television, a lifelike cow is positioned. The cow stands upright, with its front hooves slightly angled forward. Its fur is mottled white and black, and its texture is clearly visible. The cow\u2019s head tilts slightly downward as if gazing toward the television. The television is directly below the cow, making the cow appear as the dominant object in the composition. The overall image resembles a photographic scene."}
-{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "elephant", "count": 1, "position": ["below", 0]}], "prompt": "A realistic adult elephant stands on the ground. Its skin is thick and textured, with a grayish tone and visible wrinkles along its legs and trunk. Above the elephant, a tall horse stands on an elevated platform. The horse\u2019s coat is a smooth, rich chestnut brown, with a black mane and tail. The elephant is directly beneath the horse, emphasizing their vertical alignment. The horse's legs are slender yet strong, contrasting with the elephant's sturdy and wide limbs. Both animals are positioned within a natural outdoor setting, illuminated by soft, natural light for a photographic, lifelike effect."}
-{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "A medium-sized, hard-shell suitcase stands upright on a flat, textured surface. The suitcase is dark blue with silver metallic edges and a retractable handle. To the right of the suitcase, a single ripe banana lies horizontally on the same surface. The banana has a bright yellow peel with faint brown speckles, indicating ripeness. The surface beneath both objects is a neutral, light gray, adding contrast to the scene. The lighting is soft and natural, casting subtle shadows that enhance the realistic texture of both the suitcase and the banana. The overall composition is photographic, with lifelike details and a grounded, real-world aesthetic."}
-{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "train", "count": 1, "position": ["below", 0]}], "prompt": "A sleek, silver passenger train speeds along a set of parallel steel tracks. The train\u2019s windows reflect the sunlight, and its metallic surface gleams with a polished finish. Above the train, a large commercial airplane soars through a clear blue sky. The airplane\u2019s white fuselage contrasts sharply with its dark blue tail fin, and its wings stretch wide, casting a faint shadow on the ground below. The train is positioned directly beneath the airplane, creating a dynamic sense of motion and scale. The scene is rendered in a highly realistic, photographic style, capturing every detail with lifelike precision."}
-{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "A black backpack with sturdy leather straps rests on a wooden bench. The backpack is slightly open, revealing a red notebook inside. Below the backpack, a gray tabby cat sits on the ground. The cat has white paws and green eyes that glint in the sunlight. Its tail is curled neatly around its body. The bench is positioned in a grassy park, with dappled light filtering through nearby trees. The scene is rendered in a realistic, photographic style, capturing the textures of the leather, wood, and fur with lifelike detail."}
-{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "backpack", "count": 1, "position": ["below", 0]}], "prompt": "A realistic backpack rests on the ground. The backpack is made from weathered, dark green fabric with visible stitching along its edges. Its straps are slightly crumpled and lie flat against the surface. Above the backpack sits a photographic cake. The cake is round, with smooth white frosting covering its surface. Thin layers of chocolate are visible along the sides where the frosting has been unevenly applied. The cake is positioned directly above the backpack, centered relative to it, creating a clear vertical alignment between the two objects."}
-{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "A freshly made sandwich rests on a wooden cutting board. The sandwich has two slices of golden-brown bread. Between the bread, layers of crisp lettuce, ripe tomato slices, and thinly cut ham are visible. A sharp, stainless steel knife lies horizontally above the sandwich. The knife\u2019s blade reflects light, giving it a polished, metallic sheen. The sandwich is positioned directly below the knife, with the knife parallel to the cutting board. The wooden cutting board has visible grain patterns, adding texture to the scene. The overall composition is realistic, with photographic attention to detail in textures, lighting, and shadows."}
-{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "A silver parking meter stands upright on a concrete sidewalk. The parking meter has a rectangular display with bold black numbers and a coin slot at its base. Above the parking meter, a sleek black bicycle is suspended in mid-air. The bicycle has a metallic frame, two rubber tires, and a leather saddle. The handlebars are slightly tilted to the left. The bicycle is positioned directly above the parking meter, with its front wheel aligned slightly forward. The scene is set against a realistic urban backdrop, with the textures and lighting creating a photographic quality."}
-{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "knife", "count": 1, "position": ["right of", 0]}], "prompt": "A realistic metal knife lies on a wooden surface. The blade is silver, polished, and slightly reflecting light, while the handle is black with subtle grooves for grip. To the left of the knife, a large suitcase rests firmly on the same surface. The suitcase is rectangular, with a dark gray fabric exterior and reinforced black edges. Its zipper lines are visible along the top edge, reflecting faint light. The knife is positioned parallel to the front edge of the suitcase, with its tip pointing away from it. This photographic scene captures the lifelike textures and alignment of both objects."}
-{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "hot dog", "count": 1, "position": ["above", 0]}], "prompt": "A realistic hot dog is positioned above a knife. The hot dog has a warm golden-brown bun that appears freshly baked, with a grilled sausage nestled inside. The sausage is evenly charred, with visible grill marks running along its surface. The sharp knife below has a stainless steel blade, polished to a metallic sheen, reflecting faint light. Its black ergonomic handle is smooth and slightly curved for grip. The hot dog hovers directly above the knife, aligned vertically, with the bun's length parallel to the blade. The photographic composition emphasizes the lifelike textures and natural lighting of both objects."}
-{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "zebra", "count": 1, "position": ["right of", 0]}], "prompt": "A tall, black-and-white striped zebra stands on a paved sidewalk. The zebra\u2019s body is muscular, with distinct, realistic fur patterns alternating between black and white. Its head is slightly turned to the left, ears perked up. To the left of the zebra, a silver parking meter is firmly planted into the ground. The parking meter has a rectangular display with bold, black numbers and a coin slot at its base. The sidewalk beneath them is gray and textured, with faint cracks visible. The scene is bathed in natural daylight, casting soft shadows. The style is photographic, emphasizing lifelike details."}
-{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "chair", "count": 1, "position": ["left of", 0]}], "prompt": "A wooden chair with a natural, polished finish stands firmly on the ground. The chair has four straight legs and a rectangular backrest. To the right of the chair, a zebra stands gracefully. The zebra has a sleek, black-and-white striped coat that glistens under soft sunlight. Its head is slightly tilted, and its tail swishes gently. The zebra\u2019s hooves are planted firmly on the grassy terrain. The scene is set in a realistic, photographic style, capturing every texture and detail of the chair and the zebra with lifelike precision."}
-{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "A large, white-and-brown cow stands on a grassy field. The cow has a glossy coat and is looking forward with a calm expression. Above the cow, a commercial airplane flies high in the clear blue sky. The airplane is a modern jetliner with a metallic silver body and distinct red and blue stripes along its fuselage. The cow is positioned directly below the airplane, creating a striking vertical alignment. The scene is bathed in natural sunlight, casting soft shadows on the ground. The overall style is highly realistic, resembling a photographic capture of a real-world moment."}
-{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "cup", "count": 1, "position": ["left of", 0]}], "prompt": "A white ceramic cup sits on a wooden surface, positioned to the left side of the scene. The cup has a smooth texture and a faint glossy finish that reflects light. To the right of the cup rests a closed black umbrella. The umbrella is made of fabric and metal, with its handle positioned horizontally. The umbrella's handle points slightly outward, while its tip is tucked closer to the cup. The wooden surface beneath both objects is polished, showing natural grain patterns. The scene is lit softly, highlighting the realistic textures and details of the cup and umbrella in a photographic style."}
-{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "zebra", "count": 1, "position": ["below", 0]}], "prompt": "A realistic zebra lies on the ground, its black and white striped fur clearly defined under natural lighting. Above the zebra, a standard computer keyboard is positioned horizontally and slightly elevated. The keyboard is black with white lettering, its keys arranged in neat rows. The zebra's body is directly below the keyboard, creating a clear vertical relationship between the two objects. The zebra's head is slightly tilted, with its ears upright and its eyes appearing alert. The photographic details of both the zebra and the keyboard highlight their textures, with the zebra's fur contrasting the smooth, plastic surface of the keyboard."}
-{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "zebra", "count": 1, "position": ["below", 0]}], "prompt": "A realistic zebra stands on the ground, its striped black-and-white coat clearly defined and lifelike. Above the zebra, a single piece of vibrant green broccoli is positioned, the intricate texture of its florets appearing fresh and natural. The zebra is directly below the broccoli, with the broccoli suspended in the air. The zebra\u2019s body is oriented parallel to the ground, while the broccoli remains stationary above it. The photographic composition emphasizes the sharp contrast between the zebra's monochromatic stripes and the broccoli's vivid green color, creating a visually striking scene grounded in realism."}
-{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "laptop", "count": 1, "position": ["below", 0]}], "prompt": "A vibrant orange sports ball rests on a wooden table, its textured surface featuring black hexagonal patterns typical of a soccer ball. Below the sports ball, a sleek, silver laptop lies flat on the same table. The laptop\u2019s screen is closed, reflecting the soft, natural light from a nearby window. The ball is positioned directly above the laptop, creating a clear vertical alignment. The wooden table has a smooth, polished finish, adding to the realistic texture of the scene. The overall composition is photographic, with lifelike details and natural lighting enhancing the realism."}
-{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "truck", "count": 1, "position": ["left of", 0]}], "prompt": "A glossy red truck is parked on a paved surface, occupying the left side of the scene. To the right of the truck, a wooden baseball bat lies flat on the ground. The bat\u2019s smooth, natural finish showcases subtle grain lines, while the truck\u2019s reflective exterior features visible headlights and side mirrors. The arrangement ensures both objects remain distinct, with the truck serving as the primary visual reference on the left."}
-{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["above", 0]}], "prompt": "A realistic refrigerator stands upright. Its surface is smooth and metallic, with a stainless steel finish that reflects light naturally. The refrigerator is positioned directly above a single wooden baseball bat lying flat on the ground. The baseball bat is polished, showing its grainy texture, and its handle tapers toward the end. There is noticeable space separating the refrigerator from the bat, emphasizing their distinct placement. The refrigerator serves as the reference object, with the baseball bat directly below it on a solid surface. The scene is rendered in a lifelike, photographic style with accurate proportions and real-world textures."}
-{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "tv", "count": 1, "position": ["above", 0]}], "prompt": "A flat-screen TV is mounted on a plain white wall. The TV has a sleek, black frame and a glossy screen reflecting soft ambient light. Below the TV, a wooden baseball bat leans diagonally against the wall. The bat has a smooth, polished surface with visible grain patterns and a slightly worn grip near the handle. The TV is positioned directly above the baseball bat, creating a vertical alignment. The scene is illuminated by natural light, casting subtle shadows on the wall. The overall composition is realistic, with a photographic quality emphasizing the textures and details of both objects."}
-{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "A realistic brown bear sits on the ground, its thick fur appearing coarse and textured under soft lighting. To the bear's right, a well-worn baseball glove lies on the ground. The glove is a rich tan leather, with visible creases and stitching that highlight its age and use. The glove is positioned slightly closer to the foreground than the bear, creating a subtle depth. The bear's large body dwarfs the glove, emphasizing their difference in size. The scene captures a photographic level of detail, with natural shadows and textures enhancing the lifelike quality of both subjects."}
-{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "A realistic refrigerator stands upright on the ground, its metallic surface gleaming with soft reflections of light. The refrigerator is rectangular, with sharp edges and a smooth texture. Above the refrigerator, a pair of stainless steel scissors is suspended in midair, positioned directly and vertically above its top. The scissors have sharp blades, slightly open, with handles that are sleek and black. The photographic depiction ensures the scissors are centered above the refrigerator, maintaining a clear spatial relationship between the two objects. The overall scene is grounded in lifelike detail, emphasizing the realism of the objects and their arrangement."}
-{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "A wooden dining table with a polished oak surface floats in midair, occupying the upper portion of the scene. The table\u2019s legs point downward, clearly suspended at a noticeable height above the floor. Below this hovering table, a medium-sized black suitcase rests on the ground, visibly separate from the table\u2019s legs. The suitcase features a textured fabric exterior with silver zippers reflecting soft light. The composition emphasizes the distinct vertical separation of these two objects in a realistic, photographic style."}
-{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "A silver parking meter stands upright on a cracked sidewalk. The parking meter has a rectangular display with bold black numbers and a coin slot at its base. Directly below the parking meter, a single stalk of broccoli lies on the ground. The broccoli is dark green with tightly packed florets and a thick, textured stem. The sidewalk is gray and weathered, with faint stains and scattered debris. The scene is illuminated by natural daylight, casting soft shadows. The composition is realistic, with photographic detail capturing the textures of the metal, the broccoli, and the worn pavement."}
-{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "frisbee", "count": 1, "position": ["above", 0]}], "prompt": "A red pickup truck is parked on a grassy field under a clear blue sky. The truck has a metallic sheen, with its front grille and headlights clearly visible. Above the truck, a bright yellow frisbee hovers in mid-air. The frisbee is positioned directly above the center of the truck\u2019s roof, casting a faint shadow on the vehicle. The frisbee\u2019s edges are slightly tilted, giving it a dynamic, mid-flight appearance. The scene is highly realistic, with photographic detail in the textures of the grass, the truck\u2019s paint, and the frisbee\u2019s plastic surface."}
-{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "pizza", "count": 1, "position": ["right of", 0]}], "prompt": "A ripe yellow banana lies horizontally on a smooth, wooden table. The banana has a slight curve, with faint brown speckles near its stem. To the right of the banana, a freshly baked pizza rests on the same table. The pizza has a golden-brown crust, topped with melted mozzarella cheese, vibrant red tomato sauce, and scattered pepperoni slices. The cheese glistens under soft, natural light. The table\u2019s grain is visible, adding texture to the scene. The arrangement is realistic, with a photographic quality that captures the textures and colors of both the banana and the pizza in vivid detail."}
-{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "A large, red double-decker bus is suspended in mid-air, its metallic surface gleaming under the sunlight. The bus is positioned directly above a sleek, white motorboat that glides smoothly across a calm, turquoise ocean. The boat\u2019s hull reflects the water\u2019s shimmering surface, creating a realistic interplay of light and shadow. The bus hovers at an angle, casting a faint shadow on the boat below. The scene is set against a clear blue sky with soft, wispy clouds in the distance. The photographic realism captures every detail, from the bus\u2019s intricate design to the boat\u2019s polished finish."}
-{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "cell phone", "count": 1, "position": ["left of", 0]}], "prompt": "A realistic cell phone lies flat on a smooth wooden surface, positioned on the left side. The cell phone is sleek, with a black screen facing upward and a metallic frame reflecting soft light. To the right of the cell phone, a tennis racket rests at a slight angle. The tennis racket has a bright white frame, tightly strung with crisscrossed strings, and a black grip handle. The cell phone is positioned closer to the center of the surface, while the tennis racket extends farther to the right. The photographic composition highlights the contrast between the phone\u2019s polished surface and the textured grip of the racket."}
-{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "A realistic scene depicts a single broccoli positioned prominently on the left. The broccoli is lush green, with tightly clustered florets and a thick, textured stem standing upright on a flat, earthy surface. To the right of the broccoli, a lifelike horse stands tall. The horse has a glossy chestnut coat with visible muscles and a well-groomed mane cascading down its neck. Its hooves rest firmly on the ground, slightly angled as if in a relaxed stance. The horse is slightly larger in scale compared to the broccoli, emphasizing their distinct proportions. The photographic style captures every detail vividly."}
-{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "A vibrant green broccoli sits prominently in the foreground. The broccoli has a thick, textured stem and tightly packed florets with a realistic, lifelike appearance. Below the broccoli, a clear glass bottle is positioned vertically. The bottle has a smooth, cylindrical shape and reflects subtle light, giving it a photographic quality. The broccoli is centered directly above the bottle, creating a balanced composition. The background is neutral and softly blurred, ensuring the focus remains on the two objects. The overall scene is rendered in a realistic style, with precise attention to texture, lighting, and detail."}
-{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "vase", "count": 1, "position": ["right of", 0]}], "prompt": "A large, muscular horse stands firmly on a grassy field. The horse has a sleek, chestnut-brown coat that glistens under the sunlight. Its mane is dark and slightly windswept. To the right of the horse, a tall ceramic vase rests on the ground. The vase is painted with intricate blue and white floral patterns. The base of the vase is wide, tapering slightly toward the top. The scene is set in a realistic, photographic style, capturing every detail of the horse\u2019s texture and the vase\u2019s delicate craftsmanship. The lighting is natural, casting soft shadows on the grass and objects."}
-{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "bear", "count": 1, "position": ["above", 0]}], "prompt": "A large, lifelike brown bear stands on its hind legs. The bear\u2019s fur is thick and textured, with subtle highlights catching the light. Its dark eyes are focused, and its mouth is slightly open, revealing sharp teeth. Below the bear, a polished silver spoon lies horizontally on a smooth, wooden surface. The spoon reflects the surrounding light, creating a metallic sheen. The bear is positioned directly above the spoon, with its front paws slightly raised as if reaching downward. The scene is set against a neutral, realistic background, emphasizing the photographic quality of the composition. The overall style is highly realistic, with meticulous attention to detail."}
-{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "zebra", "count": 1, "position": ["right of", 0]}], "prompt": "A wooden bed with a white duvet sits in the center of the scene. The bed has a sturdy, dark brown frame and a neatly tucked pillow at the head. To the right of the bed, a zebra stands on a flat, grassy ground. The zebra has black and white stripes that are sharply defined. Its head is turned slightly toward the bed, and its posture is relaxed. The grass beneath the zebra is short and vibrant green. The lighting is soft and natural, casting realistic shadows on both the bed and the zebra. The overall scene is photographic, with lifelike textures and details."}
-{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "cow", "count": 1, "position": ["right of", 0]}], "prompt": "A sleek, silver laptop sits on a wooden desk. The laptop\u2019s screen displays a spreadsheet with rows of data. To the right of the laptop, a large, black-and-white cow stands on a grassy field. The cow\u2019s fur is glossy, with distinct patches of black and white. Its head is slightly tilted, and its dark eyes gaze forward. The cow\u2019s position is parallel to the laptop, creating a striking contrast between the modern device and the pastoral animal. The scene is rendered in a realistic, photographic style, with lifelike textures and lighting that highlight every detail of both objects."}
-{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "bed", "count": 1, "position": ["right of", 0]}], "prompt": "A queen-sized bed with a white duvet and two plush pillows is positioned in the center of the room. The bed frame is made of dark wood, and the mattress appears firm and well-structured. To the left of the bed, a bright red frisbee lies flat on the hardwood floor. The frisbee has a smooth, glossy surface and a small logo printed near its edge. The room is softly lit by natural light streaming through a nearby window, casting subtle shadows. The scene is rendered in a highly realistic, photographic style, emphasizing the textures of the fabric, wood, and plastic."}
-{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "tie", "count": 1, "position": ["right of", 0]}], "prompt": "A realistic black motorcycle stands upright on a flat, gray asphalt surface. To the motorcycle\u2019s right, a neatly folded silk tie lies on the ground. The tie is a deep navy blue with subtle diagonal stripes in lighter shades of blue. Its smooth texture reflects light faintly, emphasizing its fabric. The tie is positioned parallel to the motorcycle\u2019s wheels, with the narrow tip pointing away from the motorcycle. The motorcycle\u2019s chrome accents gleam under natural daylight, contrasting with the tie\u2019s softer appearance. The scene captures a photographic level of detail, highlighting the contrasting materials and positions of both objects."}
-{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "A flat-screen TV is mounted on a plain white wall. The TV has a sleek, black frame and a glossy screen reflecting soft ambient light. To the right of the TV, a silver laptop is placed on a wooden desk. The laptop is open, displaying a bright screen with a neutral background. The desk has a smooth, polished surface, and the laptop\u2019s keyboard is slightly angled toward the viewer. The scene is illuminated by natural light streaming from a nearby window, casting subtle shadows. The overall style is highly realistic, with photographic attention to detail in textures, lighting, and proportions."}
-{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "A modern wooden chair is positioned firmly on the ground. Its legs are straight and crafted from smooth, polished wood. The seat is cushioned with neutral-colored fabric, providing a clean and minimalistic appearance. To the right of the chair, a sleek, realistic smartphone lies flat on the surface. The phone's screen is dark and glossy, reflecting faint light from nearby. Its edges are well-defined, with a metallic finish giving it a modern look. The relative positions are clear: the chair is the reference object, while the phone is placed directly to its right in this photographic composition."}
-{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "A plush, dark gray couch sits in the center of the room. The couch has a smooth, realistic fabric texture with visible stitching along the edges. Above the couch, a potted plant hangs from the ceiling. The plant is lush and green, with broad, glossy leaves that cascade downward. The pot is made of terracotta, with a rough, earthy texture. The couch is positioned directly below the potted plant, creating a vertical alignment. The scene is illuminated by soft, natural light, casting subtle shadows on the floor. The overall style is photographic, emphasizing lifelike details and real-world textures."}
-{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "clock", "count": 1, "position": ["below", 0]}], "prompt": "A realistic wall-mounted television hangs prominently near the top center of the scene. Below the television, a round analog clock is securely affixed to the wall. The clock features a metallic frame with a polished finish, showcasing its smooth edges. The television's sleek black frame contrasts sharply with the clock's lighter appearance. The clock's placement is directly underneath the television, with minimal vertical space separating the two objects. The television is larger in size compared to the clock, emphasizing their proportional difference. The photographic depiction highlights the textures of the wall and the precise alignment of both objects."}
-{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "A plush, dark gray couch sits in the center of the frame. The couch has a smooth, realistic fabric texture with visible stitching along the edges. Above the couch, a tall, slender vase is positioned directly on the wall. The vase is ceramic, with a glossy white finish and subtle blue floral patterns. The couch is positioned horizontally, while the vase is aligned vertically, creating a balanced composition. The lighting is soft and natural, casting realistic shadows on the floor and wall. The scene is photographic, with every detail rendered in lifelike precision."}
-{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "donut", "count": 1, "position": ["below", 0]}], "prompt": "A fluffy gray tabby cat sits on a wooden table, its tail curled neatly around its paws. The cat\u2019s fur is soft and textured, with realistic stripes and subtle highlights. Below the cat, a glazed donut rests on the same table. The donut is golden brown, with a smooth, shiny glaze that reflects light. A small sprinkle of sugar is visible on its surface. The table has a natural wood grain, adding to the lifelike quality of the scene. The cat gazes forward with bright green eyes, while the donut lies directly beneath its chest. The overall style is photographic and realistic."}
-{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "couch", "count": 1, "position": ["left of", 0]}], "prompt": "A plush, dark gray couch sits firmly on a hardwood floor. The couch has a smooth, realistic fabric texture with visible stitching along its edges. To the right of the couch, a silver toaster is placed on a wooden countertop. The toaster has a sleek, metallic finish with two slots on top and a small dial on the front. The countertop beneath the toaster is polished and reflects a faint light. The scene is illuminated by soft, natural light streaming from a nearby window, casting subtle shadows. The overall composition is photographic, capturing every detail with lifelike precision."}
-{"tag": "color_attr", "include": [{"class": "wine glass", "count": 1, "color": "purple"}, {"class": "apple", "count": 1, "color": "black"}], "prompt": "A **purple wine glass** stands on the left side of the scene. The glass is tall and slender, with a smooth, reflective surface that catches the light. Its deep purple hue is vibrant and rich, giving it a luxurious appearance. The base of the glass is circular and slightly wider, resting firmly on a flat surface. \n\nOn the right side, a **black apple** is placed. The apple is glossy and perfectly round, with a dark, almost jet-black skin that contrasts sharply with the purple glass. Its surface reflects subtle highlights, emphasizing its realistic texture. \n\nThe composition is photographic, with both objects clearly visible and separated, ensuring their distinct colors and details are highlighted."}
-{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "green"}, {"class": "microwave", "count": 1, "color": "purple"}], "prompt": "A vibrant green bus is parked on the left side of the scene. The bus has a glossy, metallic finish that reflects the surrounding light realistically. Its large windows are clean and transparent, revealing empty seats inside. On the right side, a compact purple microwave sits on a flat surface. The microwave has a matte finish, with a small digital display and a silver handle on its front. Both objects are positioned without overlap, ensuring their distinct colors and details are clearly visible. The scene is rendered in a photographic style, emphasizing lifelike textures and realistic lighting."}
-{"tag": "color_attr", "include": [{"class": "skis", "count": 1, "color": "green"}, {"class": "airplane", "count": 1, "color": "brown"}], "prompt": "Two realistic objects are clearly visible, each with distinct colors. A pair of green skis stands upright on the left, their surfaces smooth and polished, with the vibrant green color evenly distributed across both skis. The skis are positioned side by side, slightly angled inward at the top for balance. On the right, a brown airplane is parked on the ground, its metallic surface reflecting natural light. The airplane\u2019s brown body is rich and earthy, with visible seams and rivets along its structure that emphasize realism. The two objects are separated, ensuring their unique colors and forms are unobstructed."}
-{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "yellow"}, {"class": "sink", "count": 1, "color": "black"}], "prompt": "A realistic yellow computer keyboard lies flat on a wooden desk. The keyboard is rectangular, with evenly spaced keys in a vibrant yellow color. Each key is clearly visible, with no signs of wear or damage, and the keyboard is well-lit, showcasing its bright hue. A photographic black sink is positioned to the right of the keyboard on a pristine countertop. The sink has a glossy, reflective surface and a deep basin, with no scratches or stains. The objects are separated by a noticeable gap, ensuring both the yellow keyboard and the black sink remain fully visible without overlapping."}
-{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "pink"}, {"class": "motorcycle", "count": 1, "color": "green"}], "prompt": "A pink oven stands on the left side of the scene. The oven has a smooth, glossy surface with a realistic metallic sheen. Its vibrant pink color is evenly distributed, and the oven door is slightly ajar, revealing a dark interior. On the right side, a green motorcycle is parked at a slight angle. The motorcycle\u2019s body is a deep, matte green, with chrome accents on the handlebars and exhaust pipes. Both objects are positioned on a neutral gray concrete floor, ensuring no overlap. The lighting is soft and natural, casting subtle shadows. The overall scene is photographic, emphasizing lifelike textures and colors."}
-{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "purple"}, {"class": "laptop", "count": 1, "color": "red"}], "prompt": "A realistic purple parking meter stands upright on the left. Its metallic surface reflects light subtly, showing minor signs of wear. The parking meter is positioned on a clean pavement, with no obstructions nearby. On the right, a realistic red laptop rests on a flat wooden surface. The laptop's glossy red cover reflects faint natural light, revealing its smooth and polished appearance. Both objects are distinctly separated, ensuring their colors and shapes are clearly visible. The scene is lifelike, with detailed textures on each object, emphasizing the photographic realism of the composition."}
-{"tag": "color_attr", "include": [{"class": "skateboard", "count": 1, "color": "yellow"}, {"class": "computer mouse", "count": 1, "color": "orange"}], "prompt": "A bright yellow skateboard is positioned on the left side of the scene. The skateboard has a realistic, glossy finish, with its deck displaying a smooth, vibrant yellow color. Its wheels are black and slightly scuffed, indicating light use. To the right, an orange computer mouse rests on a flat, neutral-toned surface. The mouse has a matte orange body with subtle texture, and its cord coils neatly beside it. Both objects are placed without overlap, ensuring their distinct colors and details are clearly visible. The scene is rendered in a photographic style, emphasizing lifelike textures and realistic lighting."}
-{"tag": "color_attr", "include": [{"class": "skis", "count": 1, "color": "red"}, {"class": "tie", "count": 1, "color": "brown"}], "prompt": "A pair of realistic red skis stands upright on the left, their sleek, polished surfaces reflecting a faint sheen of light. The skis are vibrant and deeply red, with sharp edges and visible bindings near their midpoints. Positioned separately on the right, a realistic brown tie lies flat on a smooth surface. The tie is deep chocolate brown, its fabric textured with a subtle diagonal weave that catches the light at certain angles. Both objects are distinctly visible, with no overlap, allowing their unique colors and details to stand out clearly in the photographic composition."}
-{"tag": "color_attr", "include": [{"class": "skateboard", "count": 1, "color": "pink"}, {"class": "train", "count": 1, "color": "black"}], "prompt": "A realistic pink skateboard is placed upright on the left side of the scene, its glossy surface reflecting light. The deck is a solid pink, smooth and well-polished, with visible grip tape on top. The wheels are evenly spaced underneath, their pale rubber texture contrasting subtly with the vibrant deck. On the right side, a realistic black train is stationary, its metallic body appearing heavy and industrial. The train's surface is matte black, with faint streaks of wear from prolonged use. The skateboard and the train are positioned separately, ensuring neither object overlaps, and their colors and details remain clearly visible."}
-{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "white"}, {"class": "bed", "count": 1, "color": "purple"}], "prompt": "A realistic white handbag is positioned on the left side of the scene. The handbag is made of smooth leather with subtle stitching along the edges, giving it a polished and elegant appearance. Its handles are neatly folded upward, and the bright white color stands out against the background. On the right side of the scene, a realistic purple bed is placed. The bed features a deep purple fabric with a soft, velvety texture, its surface neatly covered with a matching quilt. Both the handbag and the bed are clearly visible, separated to ensure no overlap in the composition."}
-{"tag": "color_attr", "include": [{"class": "elephant", "count": 1, "color": "purple"}, {"class": "sports ball", "count": 1, "color": "brown"}], "prompt": "A realistic purple elephant stands on the left side of the frame. Its skin is richly textured, with deep wrinkles and a lifelike purple hue. The elephant's large, curved tusks are ivory white, contrasting sharply against the vibrant purple. Its trunk is slightly curled downward, resting near its feet. On the right side of the frame lies a realistic brown sports ball. The ball is spherical, with visible stitching and a worn leather surface that gives it a rugged, textured appearance. The two objects are positioned separately, ensuring the purple elephant and the brown sports ball are both clearly visible and distinct."}
-{"tag": "color_attr", "include": [{"class": "dog", "count": 1, "color": "purple"}, {"class": "dining table", "count": 1, "color": "black"}], "prompt": "A realistic purple dog stands upright on the left side, its fur appearing vibrant and smooth under natural lighting. The dog's posture is relaxed, with its legs firmly planted on a wooden floor. Its expressive eyes and defined facial features give it a lifelike presence. A photographic black dining table is positioned on the right side, its polished surface reflecting faint light. The table is rectangular, with sturdy legs and subtle grain patterns visible on its dark finish. Both objects are distinctly separated, ensuring the purple dog and black dining table are fully visible without any overlap."}
-{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "white"}, {"class": "car", "count": 1, "color": "red"}], "prompt": "A white dining table is positioned on the left side of the scene. The table has a smooth, glossy surface that reflects light realistically. Its rectangular shape and sturdy legs are clearly visible. On the right side, a red car is parked, its vibrant color contrasting sharply with the white table. The car\u2019s sleek, metallic body gleams under natural lighting, and its detailed design, including the wheels and windows, is highly defined. The two objects are placed without overlap, ensuring both the white table and the red car are fully visible. The overall scene is rendered in a photographic, lifelike style."}
-{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "blue"}, {"class": "apple", "count": 1, "color": "green"}], "prompt": "A realistic blue cell phone lies flat on a smooth white surface, positioned prominently on the left side of the frame. The phone's glossy finish reflects light subtly, emphasizing its clean and modern design. On the right side, a realistic green apple rests upright, its vibrant color and natural texture standing out against the neutral background. The apple's surface shows slight variations in shade, adding to its lifelike appearance. Both objects are distinctly separated, ensuring their colors and details are fully visible without overlap. The photographic composition highlights the contrast between the sleek technology and the organic fruit."}
-{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "red"}, {"class": "potted plant", "count": 1, "color": "orange"}], "prompt": "A sleek, bright red car is parked on the left side of the scene. The car\u2019s glossy paint reflects the sunlight, highlighting its realistic metallic finish. On the right side, an orange potted plant sits on a wooden stand. The plant\u2019s vibrant orange flowers contrast sharply with its deep green leaves, creating a vivid, lifelike appearance. The car and the plant are positioned without overlap, ensuring both objects and their distinct colors are clearly visible. The background is neutral, emphasizing the photographic realism of the red car and the orange potted plant."}
-{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "brown"}, {"class": "potted plant", "count": 1, "color": "white"}], "prompt": "A realistic brown carrot lies horizontally on the left side of the frame, its surface textured with natural ridges and faint soil marks. The carrot tapers to a narrow point at one end and has a rich, earthy brown hue. On the right side of the frame, a white ceramic pot is positioned upright, holding a vibrant green plant with long, slender leaves. The pot has a smooth, glossy surface and contrasts starkly with the organic texture of the carrot. Both objects are clearly separated, ensuring each is distinctly visible in this photographic composition."}
-{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "black"}, {"class": "bear", "count": 1, "color": "green"}], "prompt": "A realistic black kite with sleek, jet-black feathers is perched on the edge of a wooden table to the left. Its sharp beak and focused eyes are clearly visible, showcasing lifelike details. On the right, a realistic green bear sits upright on the grassy ground, its fur a rich, forest-green hue. The bear\u2019s texture is detailed, with visible strands of fur and a natural posture. Both the kite and the bear are positioned distinctly, ensuring no overlap, with ample space between them to highlight their individual colors and attributes. The photographic style emphasizes the real-world texture and clarity of each object."}
-{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "blue"}, {"class": "bear", "count": 1, "color": "brown"}], "prompt": "A realistic blue laptop rests on a wooden desk, positioned on the left side of the scene. The laptop's surface is smooth, with a metallic sheen, and its screen is slightly tilted open, revealing a dark blank display. On the right side, a realistic brown bear sits upright on a grassy patch. The bear's fur appears dense and shaggy, with varying shades of brown, and its eyes are dark and glossy, reflecting subtle light. Both the blue laptop and the brown bear are distinctly separated in the composition, ensuring their colors and attributes are clearly visible without overlapping."}
-{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "green"}, {"class": "kite", "count": 1, "color": "brown"}], "prompt": "A realistic green teddy bear sits upright on the left side of the image, its soft fur evenly textured and vibrant, with a deep green hue. The teddy bear\u2019s button eyes and stitched nose are clearly visible, adding lifelike detail. On the right side of the image, a realistic brown kite lies flat, its surface made of smooth fabric with visible seams. The kite\u2019s rich brown color contrasts with the teddy bear's green, ensuring both objects stand out distinctly. The teddy bear and kite are positioned apart, with no overlap, creating a clear view of each object in a photographic style."}
-{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "yellow"}, {"class": "potted plant", "count": 1, "color": "blue"}], "prompt": "A bright yellow stop sign stands upright on the left side of the scene. The sign is rectangular with bold, black lettering spelling \"STOP\" across its surface. Its reflective surface catches the light, giving it a realistic, metallic sheen. On the right side, a blue ceramic pot holds a lush green plant. The pot has a smooth, glossy finish, and its vibrant blue color contrasts sharply with the plant's dark green leaves. The plant is healthy and full, with leaves spilling slightly over the edges of the pot. Both objects are positioned side by side without overlap, ensuring their colors and details are clearly visible in this photographic composition."}
-{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "orange"}, {"class": "cat", "count": 1, "color": "green"}], "prompt": "A realistic orange snowboard rests upright on the left side, its glossy surface reflecting light subtly. The snowboard has a smooth texture, with a vibrant orange color evenly distributed across its body. On the right side, a realistic green cat sits calmly, its fur rich in a deep green hue that appears soft and natural. The cat\u2019s emerald-green eyes add detail to its lifelike appearance. Both objects are placed apart, ensuring no overlap so each is distinctly visible. The photographic scene highlights the clear contrast between the bright orange snowboard and the green-furred cat in a balanced composition."}
-{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "orange"}, {"class": "sink", "count": 1, "color": "pink"}], "prompt": "A realistic orange truck is parked on the left side of the scene. The truck features a bright, vibrant orange color that covers its entire body, including the doors and hood. Its large wheels are black, with visible treads, and the windows are slightly reflective, showing a hint of the surrounding environment. On the right side, a realistic pink sink is positioned. The sink has a smooth, pastel pink finish with a metallic silver faucet mounted on top. Both objects are placed on a neutral surface, separated enough to make their distinct colors and details stand out clearly."}
-{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "brown"}, {"class": "pizza", "count": 1, "color": "purple"}], "prompt": "A brown hot dog lies horizontally on the left side of a clean, white surface. The hot dog has a rich, toasted bun with visible grill marks and a glossy, meaty sausage peeking out from the center. On the right side, a purple pizza is placed without overlapping the hot dog. The pizza has a vibrant, deep purple crust with evenly spread toppings and melted cheese glistening under soft lighting. Both objects are positioned to ensure their distinct colors and details are clearly visible. The scene is rendered in a highly realistic, photographic style, emphasizing lifelike textures and lighting."}
-{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "green"}, {"class": "umbrella", "count": 1, "color": "orange"}], "prompt": "A realistic green couch sits firmly on the left side of the scene. The couch is upholstered in a deep, rich shade of green, with visible fabric texture and subtle seams running along its edges. Its sturdy legs are evenly positioned on a smooth wooden floor. \n\nOn the right side, an orange umbrella is fully open, displaying a vibrant and saturated orange canopy. The umbrella\u2019s metal frame is sleek and polished, and its thin black handle extends down gracefully, resting upright on the same wooden surface. Both objects are distinctly separated, ensuring their colors and details are clearly visible."}
-{"tag": "color_attr", "include": [{"class": "bed", "count": 1, "color": "brown"}, {"class": "cell phone", "count": 1, "color": "pink"}], "prompt": "A realistic brown bed is positioned on the left side of the scene. The bed has a rich, dark brown wooden frame with a smooth, polished finish. A neatly arranged mattress, covered in light beige sheets, rests on the frame. On the right side, a pink cell phone lies flat on a wooden nightstand. The phone\u2019s surface is glossy, with a soft pastel pink hue that reflects light subtly. Both objects are clearly separated, allowing their distinct colors and textures to stand out. The overall composition maintains a photographic realism, capturing each detail with lifelike precision."}
-{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "black"}, {"class": "cake", "count": 1, "color": "yellow"}], "prompt": "A black broccoli sits on the left side of a wooden table. The broccoli has a deep, matte black color, with its florets tightly packed and textured realistically. On the right side of the table, a yellow cake is placed. The cake is a vibrant, golden yellow, with a smooth, glossy frosting that reflects light softly. The two objects are positioned far enough apart to avoid overlap, ensuring both the black broccoli and the yellow cake are clearly visible. The scene is rendered in a photographic style, emphasizing lifelike textures and realistic lighting."}
-{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "red"}, {"class": "bear", "count": 1, "color": "purple"}], "prompt": "A realistic red train stands on the left side, its metallic surface gleaming under natural light. The train's vivid red color is smooth and evenly distributed across its body, with visible details such as windows and wheels adding lifelike authenticity. On the right side, a purple bear sits upright on the ground, its soft fur appearing plush and textured. The bear's deep purple hue is vibrant and clearly contrasted against its surroundings. Both objects are positioned separately, ensuring no overlap, with ample space between them to showcase their distinct colors and attributes in a photographic style."}
-{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "purple"}, {"class": "sink", "count": 1, "color": "black"}], "prompt": "A realistic purple tennis racket lies flat on a clean, white countertop. The racket's frame is smooth and vividly purple, with tightly strung, slightly reflective white strings. Its grip is wrapped in a dark gray material, showcasing a subtle texture. Positioned to the right of the racket is a black sink with a glossy surface. The sink is rectangular, with sharp edges and a polished finish that reflects light faintly. The faucet is metallic silver, contrasting with the black basin. Both objects are clearly visible, placed side by side without overlap, ensuring their distinct colors and forms stand out."}
-{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "blue"}, {"class": "banana", "count": 1, "color": "black"}], "prompt": "A tall, cylindrical blue vase stands on the left side of the scene. The vase has a smooth, glossy surface that reflects light, giving it a deep, vibrant cobalt hue. On the right side, a black banana lies horizontally on a flat surface. The banana\u2019s skin is matte and uniformly black, with no visible blemishes or texture variations. The two objects are positioned far enough apart to avoid any overlap, ensuring both are fully visible. The background is neutral and uncluttered, emphasizing the realistic details of the vase and banana. The overall composition is photographic, capturing lifelike textures and colors."}
-{"tag": "color_attr", "include": [{"class": "clock", "count": 1, "color": "blue"}, {"class": "cup", "count": 1, "color": "white"}], "prompt": "A blue clock is positioned on the left side of the scene. The clock has a smooth, circular face with a metallic sheen, and its hands are black, pointing to a specific time. The background behind the clock is neutral, allowing its vibrant blue color to stand out. On the right side, a white ceramic cup is placed. The cup has a simple, cylindrical shape with a glossy finish, reflecting subtle light. The white of the cup contrasts sharply with the blue of the clock. Both objects are clearly visible without overlapping, set against a realistic, photographic background that enhances their lifelike appearance."}
-{"tag": "color_attr", "include": [{"class": "umbrella", "count": 1, "color": "red"}, {"class": "couch", "count": 1, "color": "blue"}], "prompt": "A bright red umbrella stands upright on the left side of the scene. The umbrella\u2019s fabric is smooth and vibrant, with a glossy sheen that catches the light. Its handle is sleek and black, contrasting with the bold red. On the right side, a deep blue couch is positioned parallel to the umbrella. The couch\u2019s upholstery is plush and textured, with subtle shadows highlighting its soft curves. The blue is rich and saturated, creating a striking contrast against the red umbrella. Both objects are placed without overlap, ensuring their colors and details are distinctly visible. The scene is rendered in a realistic, photographic style."}
-{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "white"}, {"class": "giraffe", "count": 1, "color": "red"}], "prompt": "A realistic white handbag rests on the left side of the scene. The handbag is rectangular with clean, smooth edges and a soft, leather-like texture. Its straps are neatly folded, and subtle stitching lines are visible along its seams. Positioned on the right side, a red giraffe stands upright, its elongated neck stretching high. The giraffe's skin is covered in a natural texture, with a deep red hue and faint, glossy highlights under soft lighting. Both objects are clearly separated, ensuring no overlap, and their distinct colors and lifelike details stand out vividly in the photographic composition."}
-{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "pink"}, {"class": "airplane", "count": 1, "color": "blue"}], "prompt": "A realistic pink TV remote lies flat on a wooden table, its smooth surface reflecting a soft, natural light. The remote's buttons are arranged neatly, with distinct details visible on each one. On the right side of the scene, a realistic blue airplane is stationed on a concrete surface, its glossy body catching the light and revealing the intricate metallic texture. The airplane's wings are fully extended, and its windows are clearly visible, adding depth to the photographic appearance. Both objects are positioned separately, ensuring the pink TV remote and the blue airplane remain unobstructed and their colors clearly distinguishable."}
-{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "pink"}, {"class": "scissors", "count": 1, "color": "black"}], "prompt": "A realistic pink handbag rests upright on the left side of a wooden table. The handbag is medium-sized and crafted from smooth leather with a soft sheen that reflects the light subtly. To its right, a pair of black scissors lies flat on the same table. The scissors are made of sleek black metal with slightly dulled edges and a simple design. The two objects are placed side by side without touching, ensuring both are fully visible. The photographic clarity highlights the distinct colors and textures of the handbag and scissors against the neutral background."}
-{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "brown"}, {"class": "hair drier", "count": 1, "color": "pink"}], "prompt": "A realistic brown car is positioned on the left side of the scene. The car's surface is smooth, with a polished finish that reflects light subtly. Its windows are clear, and the tires are black with visible tread. On the right side, a pink hair dryer rests on a flat surface. The hair dryer has a glossy finish, with its nozzle pointing slightly upward and its handle angled to the side. Both objects are placed apart, ensuring there is no overlap. The photographic composition highlights the distinct colors and textures of the car and the hair dryer."}
-{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "black"}, {"class": "cell phone", "count": 1, "color": "brown"}], "prompt": "A realistic black bus is parked on the right side of the scene, with its glossy surface reflecting light and highlighting its smooth contours. The bus features polished metallic details around its windows and wheels, emphasizing its lifelike appearance. Positioned distinctly on the left side, a realistic brown cell phone lies flat on a clean surface, its matte finish contrasting with the bus's shine. The phone\u2019s edges are sharp and well-defined, and its dark screen remains blank, allowing the brown body to stand out clearly. Both objects are separated, ensuring their colors and features are fully visible without overlap."}
-{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "purple"}, {"class": "banana", "count": 1, "color": "pink"}], "prompt": "A realistic purple sheep stands on the left, its wool thick and textured, with a deep, vibrant hue under natural daylight. Its legs are thin but sturdy, and its head is slightly turned, revealing lifelike eyes and a calm expression. To the right, a photographic pink banana rests on a flat surface, its smooth peel glowing with a soft pink tone. The banana is unblemished, its curved shape distinct against the neutral background. Both objects are positioned separately, with no overlap, ensuring the vivid purple sheep and the realistic pink banana are clearly visible and individually defined."}
-{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "blue"}, {"class": "cell phone", "count": 1, "color": "white"}], "prompt": "A realistic blue handbag is positioned on the left, crafted from smooth leather with visible stitching along its edges. Its handles are upright, and the metallic zipper is partially open, revealing slight interior detail. On the right, a photographic white cell phone lies flat, its screen facing upward and reflecting light faintly. The phone\u2019s sleek casing has a polished finish, with visible buttons along its side and a camera lens positioned at the top corner. Both objects are placed apart, ensuring no overlap, and their distinct colors are clearly visible against a neutral surface."}
-{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "white"}, {"class": "umbrella", "count": 1, "color": "green"}], "prompt": "A realistic white pizza rests flat on a wooden table, its creamy surface dotted with subtle golden-brown char marks. The crust is lightly browned and textured, forming a distinct circular edge around the pizza. On the right side, a green umbrella stands upright, its canopy fully closed and neatly folded. The umbrella's fabric is a vibrant, solid green with no visible patterns, and its metal tip touches the ground. The objects are spaced apart, with the pizza clearly on the left and the umbrella positioned on the right, ensuring both are fully visible in a photographic composition."}
-{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "white"}, {"class": "skateboard", "count": 1, "color": "purple"}], "prompt": "A realistic white tie is neatly placed on the left side of the frame, its surface smooth and made of silk, with a subtle sheen catching the light. A photographic purple skateboard rests on the right side of the frame, its deck vibrant and clean, featuring a solid, untextured finish. The white tie and purple skateboard are positioned separately, ensuring no overlap, with both objects distinctly visible. The tie contrasts sharply with the skateboard, emphasizing the difference in their colors and textures. The scene is lifelike, capturing the realism of the objects in a balanced composition."}
-{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "yellow"}, {"class": "boat", "count": 1, "color": "green"}], "prompt": "A realistic yellow sports ball rests on the left side of the scene. The ball has a smooth surface with faint scuff marks, emphasizing its well-used appearance. To its right, a green boat is positioned on a calm shoreline. The boat\u2019s hull is painted a solid, vivid green with subtle wear along its edges, revealing hints of its age. The boat is stationary, resting securely on the sand, with no part of it overlapping the ball. The lighting highlights both objects equally, ensuring their distinct colors and details are clearly visible in this photographic depiction."}
-{"tag": "color_attr", "include": [{"class": "wine glass", "count": 1, "color": "white"}, {"class": "giraffe", "count": 1, "color": "brown"}], "prompt": "A realistic white wine glass stands upright on the left side of the frame, its smooth surface reflecting subtle light. The glass is empty, with a narrow stem and a gently curved bowl, showcasing its elegant shape. On the right side of the frame, a realistic brown giraffe stands tall, its textured fur patterned with darker brown patches across its body. The giraffe is completely visible, positioned slightly away from the wine glass to avoid overlap. Both objects are distinctly separated, ensuring their individual colors and forms are clearly visible in this photographic composition."}
-{"tag": "color_attr", "include": [{"class": "bowl", "count": 1, "color": "yellow"}, {"class": "baseball glove", "count": 1, "color": "white"}], "prompt": "A realistic yellow bowl is placed on the left, its smooth ceramic surface reflecting soft, natural light. The bowl has a glossy finish, with no visible scratches or imperfections. On the right, a white baseball glove rests on a flat surface, its leather material appearing slightly worn with visible stitching patterns and faint creases. The glove\u2019s laces are tightly threaded, and the white leather is accented by subtle gray scuff marks. Both objects are positioned side by side, with enough space between them to ensure neither overlaps the other. The photographic composition highlights their distinct colors and textures."}
-{"tag": "color_attr", "include": [{"class": "microwave", "count": 1, "color": "orange"}, {"class": "spoon", "count": 1, "color": "black"}], "prompt": "A realistic orange microwave sits firmly on a smooth white countertop. The microwave's surface has a glossy finish, reflecting faint light from its surroundings. Its rectangular shape is well-defined, with sharp edges and a transparent glass door on the front. To the right of the microwave, a black spoon lies flat on the countertop. The spoon is made of polished metal, its dark surface reflecting subtle highlights. The orange microwave and black spoon are clearly separated, with no overlap between them, ensuring both objects and their distinct colors are prominently visible in this photographic composition."}
-{"tag": "color_attr", "include": [{"class": "skateboard", "count": 1, "color": "orange"}, {"class": "bowl", "count": 1, "color": "pink"}], "prompt": "A realistic orange skateboard rests horizontally on a smooth wooden surface. The skateboard's deck features a vibrant, solid orange color with a slightly textured finish. Its black grip tape covers the top, contrasting sharply with the bright orange edges. Four black wheels are attached beneath the skateboard, evenly spaced and polished to a clean, matte finish. To its right, a photographic pink bowl sits upright on the same surface. The bowl has a soft, pastel pink hue with a glossy, reflective glaze. Its rounded shape casts a subtle shadow to its side, ensuring the skateboard and bowl remain visually distinct."}
-{"tag": "color_attr", "include": [{"class": "toilet", "count": 1, "color": "blue"}, {"class": "suitcase", "count": 1, "color": "white"}], "prompt": "A realistic blue toilet is positioned on the left side of the scene. Its surface is smooth, with a subtle glossy finish that reflects light faintly. The toilet bowl is rounded, and the tank is rectangular, sitting compactly at the back. On the right side of the scene, a photographic white suitcase is upright and sturdy. The suitcase has a matte surface, with visible wheels at the bottom and a telescoping handle retracted into its top. Both objects are distinct in color and design, set apart clearly without overlapping, ensuring their individual features and hues are fully visible."}
-{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "white"}, {"class": "hot dog", "count": 1, "color": "orange"}], "prompt": "A white boat floats gently on calm, reflective water. The boat is sleek and modern, with a glossy white finish that gleams under soft sunlight. Its hull is smooth, and the edges are sharply defined. To the right of the boat, an orange hot dog rests on a clean, white plate. The hot dog is plump and vibrant, with a rich orange hue that contrasts sharply against the plate. The bun is golden-brown and slightly toasted, with visible sesame seeds scattered across its surface. The boat and the hot dog are positioned side by side, with no overlap, ensuring both objects and their distinct colors are clearly visible. The scene is rendered in a realistic, photographic style."}
-{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "yellow"}, {"class": "dog", "count": 1, "color": "pink"}], "prompt": "A realistic yellow dining table stands prominently on the left side. Its smooth, polished surface reflects light subtly, showcasing the vibrant yellow paint with a lifelike texture. The table legs are sturdy and evenly spaced, supporting the structure firmly. On the right side, a pink dog sits upright on the ground. The dog's short fur is a soft, pastel pink, with realistic shading and fine details visible in its coat. Its body is fully visible and positioned clearly apart from the table, ensuring no overlap. The photographic composition highlights both the distinct colors and lifelike features of the two objects."}
-{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "red"}, {"class": "chair", "count": 1, "color": "purple"}], "prompt": "A vibrant red cake sits on a sleek, modern table. The cake is round, with smooth frosting and a glossy finish that reflects light. It is positioned slightly to the left of the frame. Beside it, on the right, stands a deep purple chair. The chair has a minimalist design, with clean lines and a matte texture. The purple hue is rich and saturated, contrasting sharply with the red cake. Both objects are placed without overlap, ensuring their colors and details are clearly visible. The scene is rendered in a realistic, photographic style, emphasizing lifelike textures and lighting."}
-{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "blue"}, {"class": "dining table", "count": 1, "color": "pink"}], "prompt": "A realistic blue tie lies neatly on the left side of the scene. Its fabric is smooth and slightly reflective, with a deep, solid blue color. The tie is fully unfolded, showcasing its length and sharp edges. On the right side of the scene, a pink dining table stands prominently. The table has a soft pastel pink surface, smooth and unblemished, with four sturdy legs made of the same material and color. The tie and the table are separated, ensuring no overlap, and both objects are clearly visible. The overall composition emphasizes a photographic realism with vivid details."}
-{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "blue"}, {"class": "computer keyboard", "count": 1, "color": "black"}], "prompt": "A realistic blue cow stands upright on the left side of the scene. Its fur is uniformly covered in a vibrant, natural blue hue, with subtle shading that emphasizes its lifelike texture. The cow\u2019s body is fully visible, with no obstructions or overlapping objects. On the right side, a photographic black computer keyboard lies flat on a clean, smooth surface. The keyboard\u2019s matte black finish contrasts sharply with its white lettering, which is clearly legible. Both objects are positioned apart, ensuring their distinct colors and features remain unobscured in a realistic and visually balanced composition."}
-{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "yellow"}, {"class": "oven", "count": 1, "color": "green"}], "prompt": "A realistic yellow pizza sits on the left on a flat, dark wooden surface. The pizza is circular, with a golden-yellow crust and evenly spread cheese, giving it a freshly baked appearance. On the right, a green oven stands upright, its metallic surface reflecting light. The oven is a vibrant shade of green, with visible control knobs and a glass door. The two objects are positioned side by side without overlapping, ensuring both the yellow pizza and the green oven remain distinct and fully visible. The photographic quality highlights the lifelike details of their textures and colors."}
-{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "red"}, {"class": "car", "count": 1, "color": "brown"}], "prompt": "A sleek red laptop sits on the left side of the scene. The laptop\u2019s surface is smooth and reflective, with a vibrant crimson hue that catches the light. Its screen is closed, and the edges are sharp and metallic. To the right, a brown car is parked, its matte finish giving it a grounded, earthy appearance. The car\u2019s body is clean and polished, with subtle highlights accentuating its curves. Both objects are positioned side by side, with no overlap, ensuring their distinct colors and forms are clearly visible. The scene is rendered in a realistic, photographic style, emphasizing lifelike textures and lighting."}
-{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "purple"}, {"class": "scissors", "count": 1, "color": "blue"}], "prompt": "A realistic purple computer keyboard lies flat on a wooden desk, its keys aligned in neat rows and vividly displaying a deep, rich purple color. The keyboard sits on the left side of the frame, fully visible with no obstructions. To the right of the keyboard, a sharp, metallic blue pair of scissors is placed carefully, blades closed and pointed slightly upward. The scissors\u2019 handles are smooth and vibrant, contrasting strongly with the keyboard's matte finish. Both objects are distinct, with ample space between them, ensuring their colors and details are clearly visible in the photographic composition."}
-{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "green"}, {"class": "oven", "count": 1, "color": "orange"}], "prompt": "A vibrant green surfboard stands upright on the left side of the scene. The surfboard has a sleek, glossy finish, reflecting light realistically. Its surface is smooth, with no visible scratches or imperfections. To the right, an orange oven is positioned, its matte surface contrasting with the surfboard\u2019s shine. The oven\u2019s color is a deep, warm orange, and its metallic handle and dials add a touch of realism. Both objects are placed on a neutral, textured background, ensuring no overlap. The surfboard and oven are clearly visible, their colors vivid and lifelike. The overall style is photographic, emphasizing realistic details."}
-{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "yellow"}, {"class": "refrigerator", "count": 1, "color": "pink"}], "prompt": "A realistic yellow parking meter stands upright on the left side of the scene. Its metallic surface reflects natural light, showing slight wear and small scratches near the base. A pink refrigerator is positioned on the right, separate and fully visible. The refrigerator has a glossy surface, with its soft pink tone catching subtle highlights. Both objects are placed on a neutral, flat ground, ensuring neither overlaps the other. The contrasting colors and distinct textures of the yellow parking meter and pink refrigerator are clearly defined, enhancing the photographic realism of the composition."}
-{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "brown"}, {"class": "bottle", "count": 1, "color": "purple"}], "prompt": "A realistic brown computer mouse rests on the left side of a smooth, wooden desk. The mouse has a slightly curved shape with a matte finish, and its two buttons and scroll wheel are clearly defined. On the right side of the desk, a tall purple bottle stands upright. The bottle is cylindrical with a glossy surface that reflects light faintly, and it is capped with a matching purple lid. Both objects are positioned separately, ensuring no overlap, with the brown mouse and purple bottle distinctly visible in the photographic composition."}
-{"tag": "color_attr", "include": [{"class": "umbrella", "count": 1, "color": "red"}, {"class": "cow", "count": 1, "color": "green"}], "prompt": "A realistic red umbrella stands upright on the left side of the scene, its canopy fully open and vibrant in color. The metallic handle is straight, with a subtle shine, and rests firmly on a dry, gray concrete surface. On the right side, a realistic green cow stands on all four legs, its coat uniformly lush and green like freshly cut grass. The cow's eyes are dark and lifelike, and its tail hangs naturally behind it. Both objects are positioned apart, ensuring no overlap, with their distinct colors and attributes clearly visible in a photographic style."}
-{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "red"}, {"class": "cell phone", "count": 1, "color": "black"}], "prompt": "A realistic red giraffe stands upright on the left, its lifelike texture showcasing the smooth contours of its body and distinctively long neck. The giraffe\u2019s vibrant red color is evenly distributed, creating a striking visual contrast against its natural shape. On the right, a photographic black cell phone lies flat on a surface, its sleek and glossy finish reflecting light faintly. The cell phone\u2019s rectangular form is sharply defined, with visible buttons and a clean screen. Both objects are positioned separately, ensuring their distinct colors and shapes remain unobstructed and clearly visible in the scene."}
-{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "brown"}, {"class": "train", "count": 1, "color": "purple"}], "prompt": "A realistic scene depicts a brown oven and a purple train positioned side by side without overlap. The oven is placed on the left side of the frame. It has a deep, rich brown color with a matte finish, and its metallic handle reflects subtle light. The oven\u2019s surface is smooth, with visible seams and a small vent on top. On the right side, a purple train stands prominently. The train\u2019s body is a vibrant, glossy purple, with silver accents along its edges and wheels. The train\u2019s windows are dark and reflective, adding depth to its design. The photographic style emphasizes lifelike textures and lighting, creating a vivid, realistic composition."}
-{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "blue"}, {"class": "book", "count": 1, "color": "pink"}], "prompt": "A blue baseball bat leans vertically against a plain white wall on the left side of the frame. The bat is smooth and cylindrical, with a deep, vibrant blue color that contrasts sharply with the neutral background. On the right side, a pink book lies flat on a wooden surface, its cover a soft pastel pink with a matte finish. The book is rectangular, with crisp edges and a visible spine. The two objects are positioned without overlap, ensuring both the blue of the bat and the pink of the book are distinctly visible. The scene is rendered in a highly realistic, photographic style."}
-{"tag": "color_attr", "include": [{"class": "cup", "count": 1, "color": "green"}, {"class": "bowl", "count": 1, "color": "yellow"}], "prompt": "A realistic green ceramic cup sits upright on the left side of the scene, its surface smooth and slightly glossy under natural light. The cup's vibrant green color is evenly distributed, with no visible blemishes or patterns. On the right side, a realistic yellow porcelain bowl rests stationary, its shape perfectly rounded and edges subtly curved. The bowl's bright yellow hue is warm and consistent, reflecting a soft glow. Both objects are placed side by side on a flat, neutral surface, with enough distance between them to clearly display their distinct colors and forms without any overlap."}
-{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "yellow"}, {"class": "bus", "count": 1, "color": "brown"}], "prompt": "A realistic yellow suitcase stands upright on the left side of the frame. The suitcase has a smooth surface with metallic zippers and a sturdy handle, positioned clearly against a neutral background. Its vibrant yellow color is clean and evenly distributed across its exterior. On the right side of the frame, a realistic brown bus is parked, showcasing a polished surface and subtle reflections. The bus has distinct windows and visible wheel arches, with its deep brown color uniformly covering the body. Both objects are positioned separately, ensuring their colors and features are clearly visible without overlap."}
-{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "orange"}, {"class": "donut", "count": 1, "color": "pink"}], "prompt": "A realistic orange motorcycle is positioned on the left side, its glossy finish reflecting natural light. The motorcycle displays sharp contours, with a black seat and chrome accents that enhance its lifelike appearance. On the right side, a realistic pink donut rests on a flat surface. The donut features a smooth, vibrant pink glaze that evenly coats its surface, with tiny sprinkles scattered on top in various colors. Both objects are distinctly separated, ensuring their forms and colors are fully visible without overlap. The photographic style captures the textures and details of each object with remarkable clarity."}
-{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "orange"}, {"class": "baseball glove", "count": 1, "color": "white"}], "prompt": "A realistic orange giraffe stands upright on the left side of the image, its textured fur showcasing a vibrant, lifelike orange hue. The giraffe\u2019s long neck towers gracefully, and its distinct spots are subtly darker than the base color, adding depth to its realistic appearance. On the right side of the image, a white baseball glove rests on a flat surface, its leather material detailed with fine stitching. The glove\u2019s bright white color contrasts clearly against the giraffe's orange tone. Both objects are positioned apart, ensuring no overlap, with their colors and attributes clearly visible in the photographic composition."}
-{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "orange"}, {"class": "carrot", "count": 1, "color": "green"}], "prompt": "A realistic orange handbag rests upright on the left side of the frame. The handbag is made of smooth leather with visible stitching along the edges. Its handles curve gently upward, and the polished metal clasps glint in the light. On the right side, a realistic green carrot lies flat on a wooden surface. The carrot has a vibrant, earthy green color and faint ridges running along its length. Its tapered tip points slightly to the left, while a few delicate green leaves sprout from its top. Both objects are distinct and clearly separated, ensuring their colors and forms remain unobstructed."}
-{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "black"}, {"class": "refrigerator", "count": 1, "color": "white"}], "prompt": "A realistic black bottle stands upright on the left side of the frame. Its smooth surface reflects light subtly, emphasizing its glossy texture. The bottle is cylindrical, with a narrow neck and a secure, flat cap. On the right side, a realistic white refrigerator stands tall and prominent. Its clean, matte surface shows slight shadows and natural wear, giving it a lifelike appearance. The refrigerator has a rectangular shape with defined edges and a visible handle near the top. Both objects are positioned apart, ensuring no overlap, with each clearly visible in its distinct color and form."}
-{"tag": "color_attr", "include": [{"class": "dog", "count": 1, "color": "white"}, {"class": "potted plant", "count": 1, "color": "blue"}], "prompt": "A realistic white dog stands on the left side of the scene, its fur appearing soft and natural with subtle shades of cream on the edges. The dog faces forward, its posture upright, with a calm expression and dark, lifelike eyes. On the right side, a blue ceramic pot sits firmly on the ground, containing a vibrant green plant with broad leaves. The pot\u2019s smooth surface reflects light, emphasizing its glossy finish and deep blue hue. Both objects are positioned separately, ensuring space between them so their distinct colors and details are visible in the photographic composition."}
-{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "orange"}, {"class": "car", "count": 1, "color": "red"}], "prompt": "A bright orange handbag sits on the left side of the scene. The handbag has a smooth, leather-like texture and a rectangular shape with a small gold clasp at the top. Its vibrant orange color is vivid and eye-catching. On the right side, a sleek red car is parked, its glossy paint reflecting the surrounding light. The car has a modern design with clean lines and silver alloy wheels. The red hue is deep and rich, contrasting sharply with the orange handbag. Both objects are positioned without overlap, ensuring their colors and details are distinctly visible. The scene is rendered in a highly realistic, photographic style."}
-{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "red"}, {"class": "book", "count": 1, "color": "blue"}], "prompt": "A realistic red stop sign stands upright on the left side of the scene. The stop sign has a bright red octagonal surface with bold, white, capitalized letters spelling the word \"STOP\" at its center. Its metallic post is smooth and gray, firmly planted into the ground. On the right side, a realistic blue book lies flat on a wooden surface. The book's cover is a solid, vivid blue with subtle texture, and its edges are sharp and clean. The two objects are positioned distinctly, with no overlap, ensuring both their colors and forms are clearly visible in the photographic scene."}
-{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "yellow"}, {"class": "toothbrush", "count": 1, "color": "orange"}], "prompt": "A bright yellow car is parked on the left side of the scene. The car has a sleek, realistic design with glossy paint that reflects the sunlight. Its wheels are black and perfectly aligned, resting on a smooth asphalt surface. On the right side, an orange toothbrush lies horizontally on a white countertop. The toothbrush has a vibrant orange handle with soft, white bristles neatly arranged at one end. The car and toothbrush are positioned without overlap, ensuring both objects and their distinct colors are clearly visible. The scene is rendered in a photographic style, emphasizing lifelike textures and realistic lighting."}
-{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "black"}, {"class": "toilet", "count": 1, "color": "yellow"}], "prompt": "A black potted plant is positioned on the left side of the scene. The plant has glossy, dark green leaves that contrast sharply with the matte black ceramic pot. The pot is cylindrical, standing about two feet tall, with a smooth surface. On the right side, a bright yellow toilet is placed. The toilet has a clean, modern design with a glossy finish, and its vibrant yellow color stands out against the neutral background. Both objects are placed on a flat, light gray floor, ensuring no overlap and full visibility of their distinct colors and shapes. The scene is rendered in a highly realistic, photographic style."}
-{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "brown"}, {"class": "suitcase", "count": 1, "color": "white"}], "prompt": "A rectangular brown dining table occupies the left side of the scene. The table\u2019s surface is smooth and polished, reflecting subtle light. Its wooden legs are sturdy and dark, complementing the rich brown hue. On the right side, a white suitcase stands upright. The suitcase is sleek and modern, with a matte finish that contrasts sharply against the table. Its silver zippers and handles gleam faintly under the light. The two objects are positioned side by side without overlapping, ensuring both the brown table and white suitcase are clearly visible. The scene is rendered in a realistic, photographic style, emphasizing lifelike textures and details."}
-{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "orange"}, {"class": "stop sign", "count": 1, "color": "yellow"}], "prompt": "A realistic orange donut sits on a wooden table, its surface smooth and glossy, with a ring shape and slightly raised edges. The donut is positioned on the left side of the table, clearly visible and unobstructed. A photographic yellow stop sign stands upright on the right side, its metallic pole securely anchored to the concrete ground. The sign itself is hexagonal, with bold black lettering spelling \"STOP\" in the center. Both objects are distinct and separate, their colors vibrant and well-defined against their respective backgrounds. The composition ensures neither object overlaps, maintaining clarity in their presentation."}
-{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "green"}, {"class": "boat", "count": 1, "color": "blue"}], "prompt": "A realistic green suitcase stands upright on the left side of the scene. Its surface is smooth, with faint scuff marks near the edges, and the metal clasps at the top glimmer under natural light. On the right side, a realistic blue boat rests stationary on a calm, reflective surface of water. The boat\u2019s hull features a deep blue tone, with subtle scratches and chipped paint near the bow. The suitcase and boat are positioned apart, ensuring no overlap, with each object\u2019s distinct color fully visible. The photographic clarity highlights their lifelike textures and realistic appearance."}
-{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "orange"}, {"class": "sports ball", "count": 1, "color": "yellow"}], "prompt": "A realistic orange tennis racket lies flat on a smooth, gray surface. Its frame is a vibrant orange with a slight sheen, while the black strings are tightly woven and evenly spaced. The grip is wrapped in textured black tape, offering a lifelike appearance. A vivid yellow sports ball sits to the right of the tennis racket, positioned a few inches away. The ball is spherical, with a clean, smooth surface and visible white seams curving around its exterior. Both objects are distinctly separated, ensuring their colors and details are unobstructed in the photographic composition."}
-{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "purple"}, {"class": "chair", "count": 1, "color": "red"}], "prompt": "A realistic purple computer keyboard rests flat on a smooth, gray desk. The keyboard features rectangular keys, each evenly spaced and clearly visible, with a faint matte finish. Positioned to the right of the keyboard, a red chair stands upright on a clean, tiled floor. The chair is made of solid material, with a curved backrest and four sturdy legs, all painted in a vibrant red. The chair and keyboard are entirely separate, ensuring no overlap, and both objects are fully visible in the scene. The photographic composition highlights the distinct colors and textures of the two items."}
-{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "purple"}, {"class": "pizza", "count": 1, "color": "orange"}], "prompt": "A realistic purple suitcase stands upright on the left side of the image. The suitcase is rectangular, with smooth edges and a matte finish. Its handle is retracted, and the wheels are visible at the bottom. On the right side of the image, an orange pizza rests flat on a wooden table. The pizza features a vibrant orange hue from melted cheese, with a slightly uneven surface and clearly defined crust. Both objects are positioned separately, ensuring no overlap. The photographic style captures their distinct colors and textures, adding lifelike detail to their appearances."}
-{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "white"}, {"class": "sheep", "count": 1, "color": "blue"}], "prompt": "A realistic white bottle is positioned on the left side of the scene, standing upright on a flat surface. The bottle is smooth, cylindrical, and has a narrow neck with a clean, polished finish. On the right side, a realistic blue sheep is standing on the ground. The sheep\u2019s wool is uniformly dyed blue, vibrant yet natural in texture, with visible curls and fluff. Its legs, face, and ears are proportional and lifelike, with subtle detailing to convey realism. Both the bottle and the sheep are fully separate, clearly visible, and unobstructed in a photographic depiction."}
-{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "purple"}, {"class": "umbrella", "count": 1, "color": "white"}], "prompt": "A realistic scene depicts a vibrant purple backpack placed on the left side of the frame. The backpack is made of smooth, durable material with visible stitching and a zipper running along its top. Its rich purple hue stands out vividly against the neutral background. On the right side of the frame, a sleek white umbrella rests upright. The umbrella\u2019s fabric is pristine white, with a glossy finish that reflects soft light. Its handle is silver and slightly curved, adding a touch of elegance. Both objects are positioned without overlap, ensuring their distinct colors and details are clearly visible in this photographic composition."}
-{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "orange"}, {"class": "spoon", "count": 1, "color": "black"}], "prompt": "A realistic orange potted plant sits upright on the left side of the scene. The pot is a smooth ceramic, vividly painted in a solid orange hue, without cracks or imperfections. Its lush green leaves spread outward, their edges sharp and natural, creating a vibrant contrast against the orange pot. On the right side, a realistic black spoon is positioned flat on a clean surface. The spoon exhibits a polished metallic finish, its smooth handle tapering elegantly toward the bowl. Both objects are separated with ample space between them, ensuring their distinct colors and features are unobstructed and clearly visible."}
-{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "green"}, {"class": "dog", "count": 1, "color": "black"}], "prompt": "A vibrant green tennis racket lies horizontally on the left side of the scene. The racket\u2019s strings are tightly woven, and its frame has a glossy, reflective finish. To the right, a sleek black dog sits upright, its fur smooth and shiny under natural light. The dog\u2019s ears are perked, and its eyes are alert, gazing forward. The tennis racket and the dog are positioned apart, ensuring no overlap. The background is neutral, emphasizing the lifelike textures and colors of both objects. The overall style is photographic, capturing every detail with realistic precision."}
-{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "yellow"}, {"class": "refrigerator", "count": 1, "color": "blue"}], "prompt": "A bright yellow handbag sits on the left side of the scene. The handbag has a smooth, glossy texture and a rectangular shape with a small silver buckle on the front. Its vibrant yellow color contrasts sharply with the background. On the right side, a large blue refrigerator stands upright. The refrigerator has a matte finish and a modern design, with a single door and a horizontal handle. Its deep blue hue is rich and evenly distributed. Both objects are positioned side by side without overlapping, ensuring their colors and details are clearly visible. The scene is rendered in a highly realistic, photographic style."}
-{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "pink"}, {"class": "sink", "count": 1, "color": "red"}], "prompt": "A realistic pink broccoli rests upright on the left. The broccoli\u2019s textured florets are a vivid pink, with its stalk displaying a softer pink hue. Each detail of its surface appears natural, with lifelike shading and highlights. On the right, a realistic red sink is positioned separately, ensuring no overlap. The sink\u2019s surface is smooth, with a glossy, reflective finish that enhances its bright red color. Its edges are clean and well-defined, with realistic details like faucet holes visible. Both objects are clearly distinct, showcasing their unique forms and vibrant colors in a photographic, real-world setting."}
-{"tag": "color_attr", "include": [{"class": "bowl", "count": 1, "color": "red"}, {"class": "sink", "count": 1, "color": "pink"}], "prompt": "A realistic red bowl sits on a smooth gray countertop. The bowl has a glossy surface, with light reflecting subtly off its curved edges. To the right of the bowl, a pink sink is installed into the countertop. The sink has a soft matte finish, with its basin appearing clean and slightly concave. Both objects are distinctly separated, with no overlap, allowing their vibrant colors and contrasting textures to stand out clearly. The lighting is natural and even, enhancing the photographic clarity of the scene."}
-{"tag": "color_attr", "include": [{"class": "toilet", "count": 1, "color": "white"}, {"class": "apple", "count": 1, "color": "red"}], "prompt": "A white toilet is positioned on the left side of the scene. The toilet has a smooth, glossy surface and a clean, modern design. Its porcelain finish reflects light subtly, giving it a realistic appearance. On the right side, a bright red apple rests on a flat surface. The apple\u2019s skin is vibrant and unblemished, with a natural sheen that highlights its freshness. The two objects are placed without overlap, ensuring both the white of the toilet and the red of the apple are distinctly visible. The overall composition is photographic, with lifelike textures and lighting enhancing the realism of the scene."}
-{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "pink"}, {"class": "sandwich", "count": 1, "color": "black"}], "prompt": "A realistic scene depicts a pink dining table and a black sandwich. The dining table is rectangular, with a smooth, matte pink surface that reflects soft ambient light. It stands firmly on four slender, metallic legs. Positioned on the left side of the table is the black sandwich. The sandwich is neatly cut into two triangular halves, with its dark, toasted bread and visible fillings creating a stark contrast against the pink table. The sandwich is placed slightly off-center, ensuring both objects are fully visible without overlapping. The overall composition is photographic, emphasizing the lifelike textures and colors of the table and sandwich."}
-{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "black"}, {"class": "parking meter", "count": 1, "color": "green"}], "prompt": "A realistic black car is parked on the right side of the frame, its sleek surface reflecting subtle highlights under natural light. The car has a polished, smooth exterior with clearly visible details like door handles and side mirrors. On the left, a green parking meter stands upright, its metallic body showing faint signs of wear, such as minor scuffs near the base. The parking meter is slightly shorter than the height of the car and is positioned a few feet away, ensuring no overlap. Both objects are distinctly visible and rendered in a lifelike, photographic style."}
-{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "yellow"}, {"class": "motorcycle", "count": 1, "color": "black"}], "prompt": "A realistic yellow bird perches on a thin, gray metal railing, its feathers vibrant and smooth, illuminated by soft natural light. The bird's small, delicate feet grip the railing firmly, while its sharp, dark eyes gaze forward, creating a lifelike expression. To the right, a sleek black motorcycle stands upright on a concrete surface, its glossy finish reflecting subtle highlights. The motorcycle's tires are thick and textured, with the rims appearing polished and metallic. Both the yellow bird and the black motorcycle are positioned separately, ensuring no overlap, and their distinct colors and details remain clearly visible in this photographic scene."}
-{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "brown"}, {"class": "stop sign", "count": 1, "color": "white"}], "prompt": "A tall, brown giraffe stands on the left side of the scene. Its long neck stretches upward, and its textured, spotted coat appears lifelike under natural sunlight. The giraffe\u2019s head is tilted slightly, gazing forward with a calm expression. On the right side, a white stop sign is firmly planted in the ground. The sign\u2019s surface is smooth and reflective, with bold, black letters spelling \"STOP\" clearly visible. The giraffe and the stop sign are positioned without overlap, ensuring both objects and their distinct colors\u2014brown and white\u2014are clearly visible. The scene is rendered in a highly realistic, photographic style."}
-{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "white"}, {"class": "elephant", "count": 1, "color": "black"}], "prompt": "A realistic white banana rests on the left side of the scene, its smooth skin appearing clean and unblemished under natural light. The banana is positioned horizontally on a flat, neutral-colored surface, ensuring its pale white hue is clearly visible. A photographic black elephant stands on the right side, its dark skin rough and textured, showcasing folds and wrinkles. The elephant is upright, fully visible, with its trunk gently curved downward and tusks faintly protruding. The elephant and banana are positioned apart, ensuring no overlap, with their distinct colors and attributes sharply contrasted in a lifelike, real-world setting."}
-{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "orange"}, {"class": "sandwich", "count": 1, "color": "purple"}], "prompt": "A realistic orange cow stands on the left side of the frame. Its fur is a vibrant, solid orange color, with a natural texture that reflects soft sunlight. The cow faces forward, its large eyes calm and lifelike, and its hooves rest firmly on the ground. On the right side of the frame lies a carefully arranged purple sandwich. The bread and fillings are shades of purple, with realistic textures that suggest fresh ingredients. The two objects are positioned apart, fully visible and distinct, set against a plain, neutral background to emphasize the photographic realism of their colors and forms."}
-{"tag": "color_attr", "include": [{"class": "clock", "count": 1, "color": "red"}, {"class": "cell phone", "count": 1, "color": "black"}], "prompt": "A realistic red clock with a smooth, circular frame is positioned on the left side of the scene. Its bright red surface is evenly coated, with metallic silver hands and numbers clearly visible on the dial. To the right, a black cell phone lies flat on a wooden surface. The phone's sleek, glass screen is clean and reflective, while its matte black casing contrasts sharply with the polished clock. Both objects are fully visible, separated by noticeable space, ensuring no overlap. The photographic composition captures their distinct colors and textures against a neutral background for clarity."}
-{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "brown"}, {"class": "donut", "count": 1, "color": "blue"}], "prompt": "A realistic scene depicts two distinct objects placed side by side on a smooth, neutral-toned surface. On the left, a brown knife lies horizontally, its blade reflecting a subtle metallic sheen under soft lighting. The handle is made of polished wood, showcasing fine grain details. On the right, a blue donut rests slightly tilted, its vibrant glaze catching the light with a glossy finish. The donut\u2019s surface is smooth, with a faint texture from the powdered sugar coating. Both objects are positioned without overlap, ensuring their colors and details are clearly visible. The overall composition is photographic, emphasizing lifelike realism."}
-{"tag": "color_attr", "include": [{"class": "cup", "count": 1, "color": "red"}, {"class": "handbag", "count": 1, "color": "pink"}], "prompt": "A realistic red cup stands upright on the left side of the scene. The cup has a smooth, glossy surface, with light reflections emphasizing its polished finish. On the right side, a realistic pink handbag rests on a flat surface. The handbag features a soft, leather texture with subtle stitching visible along its edges. Both objects are well-lit, allowing their distinct colors\u2014vivid red for the cup and pastel pink for the handbag\u2014to appear vibrant and clearly distinguishable. The two objects are positioned apart, ensuring no overlap, with each occupying its own space in the photographic composition."}
-{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "yellow"}, {"class": "motorcycle", "count": 1, "color": "red"}], "prompt": "A realistic yellow bicycle is positioned on the left side, its sleek metal frame painted in a bright yellow hue. The handlebars are upright, and the tires are black with visible tread patterns. The bicycle is standing upright, supported by a kickstand, with the seat slightly tilted forward. \n\nOn the right side, a realistic red motorcycle rests, its glossy red body shining under natural light. The motorcycle has a sturdy frame with chrome accents and black tires, wider than those of the bicycle. Both objects are clearly separate, positioned with enough space to ensure their distinct colors and forms are fully visible in the scene."}
-{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "red"}, {"class": "broccoli", "count": 1, "color": "purple"}], "prompt": "A realistic red orange sits on the left side of the scene. Its surface is textured with lifelike dimples and slight variations in shading, ranging from deep crimson to lighter red tones. On the right side, a vibrant purple broccoli is positioned with its florets fully visible. The broccoli's crown is a rich, saturated purple, and its stem is a muted green, providing a natural contrast. Both objects are placed side by side without overlapping, ensuring their distinct colors and details are clearly visible in the photographic composition."}
-{"tag": "color_attr", "include": [{"class": "traffic light", "count": 1, "color": "orange"}, {"class": "toilet", "count": 1, "color": "white"}], "prompt": "A realistic orange traffic light stands upright on the left side of the scene, its metallic pole painted a dull gray and firmly anchored to the ground. The traffic light has three circular lenses, each enclosed by a black frame, with the orange lens illuminated brightly. On the right side, a photographic white toilet is positioned, its ceramic surface smooth and glossy under natural light. The toilet features a rounded bowl with a matching white lid and tank, sitting flat on the tiled floor. Both objects are clearly separated, ensuring their distinct colors and forms are fully visible without overlap."}
-{"tag": "color_attr", "include": [{"class": "cup", "count": 1, "color": "green"}, {"class": "pizza", "count": 1, "color": "red"}], "prompt": "A realistic green cup sits upright on the left side of a wooden table. Its surface is smooth with a glossy finish, reflecting the ambient light subtly. The cup is cylindrical, with a rounded base and an open rim clearly visible from above. On the right side of the table lies a realistic red pizza, perfectly circular and flat. The pizza's crust is lightly browned, encircling a vibrant red tomato sauce spread evenly across its surface. The cup and pizza are positioned apart, ensuring neither overlaps, and their distinct colors and textures are clearly visible in this photographic scene."}
-{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "blue"}, {"class": "baseball glove", "count": 1, "color": "yellow"}], "prompt": "A realistic blue pizza rests on a flat wooden surface. The pizza is circular, with a smooth crust and a vibrant blue topping evenly spread across its surface. Its texture appears soft and slightly glossy under natural lighting. A yellow baseball glove is positioned to the right of the pizza, lying open with its intricate stitching and leather material clearly visible. The glove has a warm yellow tone, with slight shading that highlights its realistic folds and contours. Both objects are fully separate and distinctly visible, emphasizing their contrasting colors in a photographic display."}
diff --git a/eval/gen/geneval/prompts/generation_prompts.txt b/eval/gen/geneval/prompts/generation_prompts.txt
deleted file mode 100644
index bde3a8a3efa2e64236578f0a76b31009318ce9a2..0000000000000000000000000000000000000000
--- a/eval/gen/geneval/prompts/generation_prompts.txt
+++ /dev/null
@@ -1,553 +0,0 @@
-a photo of a bench
-a photo of a cow
-a photo of a bicycle
-a photo of a clock
-a photo of a carrot
-a photo of a suitcase
-a photo of a fork
-a photo of a surfboard
-a photo of a refrigerator
-a photo of a cup
-a photo of a microwave
-a photo of a potted plant
-a photo of a snowboard
-a photo of a zebra
-a photo of a parking meter
-a photo of a spoon
-a photo of a skateboard
-a photo of a car
-a photo of a motorcycle
-a photo of a traffic light
-a photo of a book
-a photo of a couch
-a photo of a backpack
-a photo of a computer keyboard
-a photo of a toaster
-a photo of a bird
-a photo of a bowl
-a photo of a dog
-a photo of a tie
-a photo of a laptop
-a photo of a computer mouse
-a photo of a sandwich
-a photo of a baseball bat
-a photo of a train
-a photo of a cell phone
-a photo of a chair
-a photo of a tv
-a photo of a broccoli
-a photo of a bed
-a photo of a skis
-a photo of a handbag
-a photo of a pizza
-a photo of a frisbee
-a photo of a scissors
-a photo of a bottle
-a photo of an elephant
-a photo of a toilet
-a photo of an oven
-a photo of an orange
-a photo of a person
-a photo of a teddy bear
-a photo of a vase
-a photo of a banana
-a photo of a toothbrush
-a photo of a tv remote
-a photo of a dining table
-a photo of a stop sign
-a photo of a sheep
-a photo of a fire hydrant
-a photo of an airplane
-a photo of a giraffe
-a photo of a horse
-a photo of a cat
-a photo of a donut
-a photo of a boat
-a photo of a baseball glove
-a photo of a hair drier
-a photo of a sink
-a photo of a cake
-a photo of a wine glass
-a photo of an apple
-a photo of a bus
-a photo of a tennis racket
-a photo of a knife
-a photo of a hot dog
-a photo of a truck
-a photo of an umbrella
-a photo of a sports ball
-a photo of a bear
-a photo of a kite
-a photo of a bench and a sports ball
-a photo of a toothbrush and a snowboard
-a photo of a toaster and an oven
-a photo of a broccoli and a vase
-a photo of a tennis racket and a wine glass
-a photo of a fork and a knife
-a photo of a hair drier and a cake
-a photo of a horse and a giraffe
-a photo of a horse and a computer keyboard
-a photo of a toothbrush and a carrot
-a photo of a cake and a zebra
-a photo of a hair drier and a bear
-a photo of a knife and a zebra
-a photo of a couch and a wine glass
-a photo of a frisbee and a vase
-a photo of a book and a laptop
-a photo of a dining table and a bear
-a photo of a frisbee and a couch
-a photo of a couch and a horse
-a photo of a toilet and a computer mouse
-a photo of a bottle and a refrigerator
-a photo of a potted plant and a backpack
-a photo of a skateboard and a cake
-a photo of a broccoli and a parking meter
-a photo of a zebra and a bed
-a photo of an oven and a bed
-a photo of a baseball bat and a fork
-a photo of a vase and a spoon
-a photo of a skateboard and a sink
-a photo of a pizza and a bench
-a photo of a bowl and a pizza
-a photo of a tennis racket and a bird
-a photo of a wine glass and a bear
-a photo of a fork and a book
-a photo of a scissors and a bowl
-a photo of a laptop and a carrot
-a photo of a stop sign and a bottle
-a photo of a microwave and a truck
-a photo of a person and a bear
-a photo of a frisbee and a cell phone
-a photo of a parking meter and a teddy bear
-a photo of a tennis racket and a bicycle
-a photo of a stop sign and a motorcycle
-a photo of a fire hydrant and a tennis racket
-a photo of a scissors and a sandwich
-a photo of a pizza and a book
-a photo of a giraffe and a computer mouse
-a photo of a stop sign and a toaster
-a photo of a computer mouse and a zebra
-a photo of a chair and a bench
-a photo of a tv and a carrot
-a photo of a surfboard and a suitcase
-a photo of a computer keyboard and a laptop
-a photo of a computer keyboard and a microwave
-a photo of a scissors and a bird
-a photo of a person and a snowboard
-a photo of a cow and a horse
-a photo of a handbag and a refrigerator
-a photo of a chair and a laptop
-a photo of a toothbrush and a bench
-a photo of a book and a baseball bat
-a photo of a horse and a train
-a photo of a bench and a vase
-a photo of a traffic light and a backpack
-a photo of a sports ball and a cow
-a photo of a computer mouse and a spoon
-a photo of a tv and a bicycle
-a photo of a bench and a snowboard
-a photo of a toothbrush and a toilet
-a photo of a person and an apple
-a photo of a sink and a sports ball
-a photo of a stop sign and a dog
-a photo of a knife and a stop sign
-a photo of a wine glass and a handbag
-a photo of a bowl and a skis
-a photo of a frisbee and an apple
-a photo of a computer keyboard and a cell phone
-a photo of a stop sign and a fork
-a photo of a potted plant and a boat
-a photo of a tv and a cell phone
-a photo of a tie and a broccoli
-a photo of a potted plant and a donut
-a photo of a person and a sink
-a photo of a couch and a snowboard
-a photo of a fork and a baseball glove
-a photo of an apple and a toothbrush
-a photo of a bus and a baseball glove
-a photo of a person and a stop sign
-a photo of a carrot and a couch
-a photo of a baseball bat and a bear
-a photo of a fire hydrant and a train
-a photo of a baseball glove and a carrot
-a photo of a microwave and a bench
-a photo of a cake and a stop sign
-a photo of a car and a computer mouse
-a photo of a suitcase and a dining table
-a photo of a person and a traffic light
-a photo of a cell phone and a horse
-a photo of a baseball bat and a giraffe
-a photo of two clocks
-a photo of two backpacks
-a photo of four handbags
-a photo of two frisbees
-a photo of three sports balls
-a photo of two bears
-a photo of two ties
-a photo of four sinks
-a photo of two toothbrushs
-a photo of three persons
-a photo of three tennis rackets
-a photo of four bowls
-a photo of four vases
-a photo of three cups
-a photo of four computer keyboards
-a photo of three sinks
-a photo of two ovens
-a photo of two toilets
-a photo of two bicycles
-a photo of two trains
-a photo of three oranges
-a photo of three buses
-a photo of three handbags
-a photo of three snowboards
-a photo of two snowboards
-a photo of four dogs
-a photo of three apples
-a photo of two sheeps
-a photo of three hot dogs
-a photo of three zebras
-a photo of three kites
-a photo of four apples
-a photo of three cell phones
-a photo of four baseball gloves
-a photo of three computer keyboards
-a photo of two beds
-a photo of two tv remotes
-a photo of three fire hydrants
-a photo of three books
-a photo of four giraffes
-a photo of two vases
-a photo of four donuts
-a photo of four chairs
-a photo of three baseball bats
-a photo of four stop signs
-a photo of two pizzas
-a photo of three refrigerators
-a photo of two fire hydrants
-a photo of three giraffes
-a photo of four tvs
-a photo of three wine glasses
-a photo of four broccolis
-a photo of three trucks
-a photo of two trucks
-a photo of two carrots
-a photo of two sandwichs
-a photo of four traffic lights
-a photo of four clocks
-a photo of two cars
-a photo of two bananas
-a photo of two wine glasses
-a photo of three pizzas
-a photo of four knifes
-a photo of three suitcases
-a photo of four zebras
-a photo of two teddy bears
-a photo of four skateboards
-a photo of four hot dogs
-a photo of three birds
-a photo of four boats
-a photo of four microwaves
-a photo of two hair driers
-a photo of three laptops
-a photo of three cows
-a photo of two parking meters
-a photo of four benchs
-a photo of three benchs
-a photo of four frisbees
-a photo of four books
-a photo of four buses
-a photo of a blue fire hydrant
-a photo of a pink car
-a photo of a purple cup
-a photo of a blue cow
-a photo of a yellow boat
-a photo of a blue umbrella
-a photo of a blue elephant
-a photo of a yellow elephant
-a photo of a red bicycle
-a photo of a purple suitcase
-a photo of a purple hair drier
-a photo of a white sandwich
-a photo of a purple elephant
-a photo of a green microwave
-a photo of a red zebra
-a photo of a red apple
-a photo of a yellow tv remote
-a photo of a blue toilet
-a photo of an orange orange
-a photo of a black donut
-a photo of a red vase
-a photo of a purple pizza
-a photo of a pink skateboard
-a photo of a green skateboard
-a photo of a purple bear
-a photo of a brown chair
-a photo of a brown computer keyboard
-a photo of an orange cow
-a photo of a brown skis
-a photo of a white kite
-a photo of a red dog
-a photo of a green couch
-a photo of a yellow airplane
-a photo of an orange tv
-a photo of a white scissors
-a photo of a pink cell phone
-a photo of a green surfboard
-a photo of a white fire hydrant
-a photo of a black bicycle
-a photo of a purple carrot
-a photo of a black dining table
-a photo of a purple potted plant
-a photo of a purple backpack
-a photo of a yellow train
-a photo of a pink potted plant
-a photo of a red giraffe
-a photo of a brown bear
-a photo of a black train
-a photo of an orange laptop
-a photo of a green hot dog
-a photo of a yellow parking meter
-a photo of a red potted plant
-a photo of a green traffic light
-a photo of a blue tv
-a photo of a brown refrigerator
-a photo of a black tv remote
-a photo of a purple scissors
-a photo of a yellow orange
-a photo of a brown toaster
-a photo of a red parking meter
-a photo of a brown orange
-a photo of a green clock
-a photo of a white sheep
-a photo of a yellow oven
-a photo of a green vase
-a photo of a black teddy bear
-a photo of a yellow carrot
-a photo of a black hot dog
-a photo of a red scissors
-a photo of a white teddy bear
-a photo of a black skis
-a photo of a blue dining table
-a photo of a black refrigerator
-a photo of a white dog
-a photo of an orange scissors
-a photo of a red cell phone
-a photo of a white orange
-a photo of a blue clock
-a photo of a blue carrot
-a photo of a green motorcycle
-a photo of a pink stop sign
-a photo of a black vase
-a photo of a black backpack
-a photo of a red car
-a photo of a green computer mouse
-a photo of a red backpack
-a photo of a green bus
-a photo of an orange toaster
-a photo of a yellow fork
-a photo of a pink parking meter
-a photo of a blue book
-a photo of a yellow broccoli
-a photo of an orange computer mouse
-a photo of a red cake
-a photo of a dog right of a teddy bear
-a photo of a wine glass above a kite
-a photo of a couch below a cup
-a photo of a laptop left of a cow
-a photo of a fork above a hair drier
-a photo of a tie right of a baseball bat
-a photo of a stop sign above a fork
-a photo of a bird below a skateboard
-a photo of an apple above a tv
-a photo of a train above a potted plant
-a photo of a truck left of a refrigerator
-a photo of a tv remote below a cow
-a photo of a bottle right of a train
-a photo of a dog above a cow
-a photo of a skateboard above a person
-a photo of a baseball glove below an umbrella
-a photo of a dining table right of an oven
-a photo of a hot dog left of a suitcase
-a photo of a bus below a toothbrush
-a photo of a backpack right of a sandwich
-a photo of a cake below a baseball bat
-a photo of a dog right of a tie
-a photo of a suitcase right of a boat
-a photo of a bear above a clock
-a photo of a tv remote left of an umbrella
-a photo of a sports ball left of an umbrella
-a photo of a train right of a dining table
-a photo of a hair drier below an elephant
-a photo of a tennis racket right of a spoon
-a photo of a wine glass right of a hot dog
-a photo of a computer mouse left of a bench
-a photo of a carrot left of an orange
-a photo of a kite above a toothbrush
-a photo of a toaster below a traffic light
-a photo of a cat below a baseball glove
-a photo of a skis right of a zebra
-a photo of a stop sign above a chair
-a photo of a stop sign above a parking meter
-a photo of a hot dog right of a skateboard
-a photo of a pizza below a computer keyboard
-a photo of a hair drier left of a toilet
-a photo of a cow left of a stop sign
-a photo of a suitcase above a skis
-a photo of a book above a laptop
-a photo of a toothbrush below a pizza
-a photo of a toilet left of a kite
-a photo of a tie above a sink
-a photo of a bird left of a couch
-a photo of a bed right of a sports ball
-a photo of an elephant below a surfboard
-a photo of a frisbee right of a motorcycle
-a photo of a vase above a fire hydrant
-a photo of a zebra left of an elephant
-a photo of a bench left of a bear
-a photo of a donut right of a bench
-a photo of a frisbee below a horse
-a photo of a computer keyboard above a snowboard
-a photo of a tv below a cow
-a photo of an elephant below a horse
-a photo of a suitcase left of a banana
-a photo of a train below an airplane
-a photo of a cat below a backpack
-a photo of a backpack below a cake
-a photo of a sandwich below a knife
-a photo of a bicycle above a parking meter
-a photo of a knife right of a suitcase
-a photo of a hot dog above a knife
-a photo of a zebra right of a parking meter
-a photo of a chair left of a zebra
-a photo of a cow below an airplane
-a photo of a cup left of an umbrella
-a photo of a zebra below a computer keyboard
-a photo of a zebra below a broccoli
-a photo of a laptop below a sports ball
-a photo of a truck left of a baseball bat
-a photo of a refrigerator above a baseball bat
-a photo of a tv above a baseball bat
-a photo of a baseball glove right of a bear
-a photo of a refrigerator below a scissors
-a photo of a dining table above a suitcase
-a photo of a parking meter above a broccoli
-a photo of a frisbee above a truck
-a photo of a pizza right of a banana
-a photo of a bus above a boat
-a photo of a cell phone left of a tennis racket
-a photo of a horse right of a broccoli
-a photo of a broccoli above a bottle
-a photo of a vase right of a horse
-a photo of a bear above a spoon
-a photo of a zebra right of a bed
-a photo of a cow right of a laptop
-a photo of a bed right of a frisbee
-a photo of a tie right of a motorcycle
-a photo of a laptop right of a tv
-a photo of a cell phone right of a chair
-a photo of a couch below a potted plant
-a photo of a clock below a tv
-a photo of a couch below a vase
-a photo of a donut below a cat
-a photo of a couch left of a toaster
-a photo of a purple wine glass and a black apple
-a photo of a green bus and a purple microwave
-a photo of a green skis and a brown airplane
-a photo of a yellow computer keyboard and a black sink
-a photo of a pink oven and a green motorcycle
-a photo of a purple parking meter and a red laptop
-a photo of a yellow skateboard and an orange computer mouse
-a photo of a red skis and a brown tie
-a photo of a pink skateboard and a black train
-a photo of a white handbag and a purple bed
-a photo of a purple elephant and a brown sports ball
-a photo of a purple dog and a black dining table
-a photo of a white dining table and a red car
-a photo of a blue cell phone and a green apple
-a photo of a red car and an orange potted plant
-a photo of a brown carrot and a white potted plant
-a photo of a black kite and a green bear
-a photo of a blue laptop and a brown bear
-a photo of a green teddy bear and a brown kite
-a photo of a yellow stop sign and a blue potted plant
-a photo of an orange snowboard and a green cat
-a photo of an orange truck and a pink sink
-a photo of a brown hot dog and a purple pizza
-a photo of a green couch and an orange umbrella
-a photo of a brown bed and a pink cell phone
-a photo of a black broccoli and a yellow cake
-a photo of a red train and a purple bear
-a photo of a purple tennis racket and a black sink
-a photo of a blue vase and a black banana
-a photo of a blue clock and a white cup
-a photo of a red umbrella and a blue couch
-a photo of a white handbag and a red giraffe
-a photo of a pink tv remote and a blue airplane
-a photo of a pink handbag and a black scissors
-a photo of a brown car and a pink hair drier
-a photo of a black bus and a brown cell phone
-a photo of a purple sheep and a pink banana
-a photo of a blue handbag and a white cell phone
-a photo of a white pizza and a green umbrella
-a photo of a white tie and a purple skateboard
-a photo of a yellow sports ball and a green boat
-a photo of a white wine glass and a brown giraffe
-a photo of a yellow bowl and a white baseball glove
-a photo of an orange microwave and a black spoon
-a photo of an orange skateboard and a pink bowl
-a photo of a blue toilet and a white suitcase
-a photo of a white boat and an orange hot dog
-a photo of a yellow dining table and a pink dog
-a photo of a red cake and a purple chair
-a photo of a blue tie and a pink dining table
-a photo of a blue cow and a black computer keyboard
-a photo of a yellow pizza and a green oven
-a photo of a red laptop and a brown car
-a photo of a purple computer keyboard and a blue scissors
-a photo of a green surfboard and an orange oven
-a photo of a yellow parking meter and a pink refrigerator
-a photo of a brown computer mouse and a purple bottle
-a photo of a red umbrella and a green cow
-a photo of a red giraffe and a black cell phone
-a photo of a brown oven and a purple train
-a photo of a blue baseball bat and a pink book
-a photo of a green cup and a yellow bowl
-a photo of a yellow suitcase and a brown bus
-a photo of an orange motorcycle and a pink donut
-a photo of an orange giraffe and a white baseball glove
-a photo of an orange handbag and a green carrot
-a photo of a black bottle and a white refrigerator
-a photo of a white dog and a blue potted plant
-a photo of an orange handbag and a red car
-a photo of a red stop sign and a blue book
-a photo of a yellow car and an orange toothbrush
-a photo of a black potted plant and a yellow toilet
-a photo of a brown dining table and a white suitcase
-a photo of an orange donut and a yellow stop sign
-a photo of a green suitcase and a blue boat
-a photo of an orange tennis racket and a yellow sports ball
-a photo of a purple computer keyboard and a red chair
-a photo of a purple suitcase and an orange pizza
-a photo of a white bottle and a blue sheep
-a photo of a purple backpack and a white umbrella
-a photo of an orange potted plant and a black spoon
-a photo of a green tennis racket and a black dog
-a photo of a yellow handbag and a blue refrigerator
-a photo of a pink broccoli and a red sink
-a photo of a red bowl and a pink sink
-a photo of a white toilet and a red apple
-a photo of a pink dining table and a black sandwich
-a photo of a black car and a green parking meter
-a photo of a yellow bird and a black motorcycle
-a photo of a brown giraffe and a white stop sign
-a photo of a white banana and a black elephant
-a photo of an orange cow and a purple sandwich
-a photo of a red clock and a black cell phone
-a photo of a brown knife and a blue donut
-a photo of a red cup and a pink handbag
-a photo of a yellow bicycle and a red motorcycle
-a photo of a red orange and a purple broccoli
-a photo of an orange traffic light and a white toilet
-a photo of a green cup and a red pizza
-a photo of a blue pizza and a yellow baseball glove
diff --git a/eval/gen/geneval/prompts/object_names.txt b/eval/gen/geneval/prompts/object_names.txt
deleted file mode 100644
index f4822dd01d0d1d2598d5e0190c121204e55925f1..0000000000000000000000000000000000000000
--- a/eval/gen/geneval/prompts/object_names.txt
+++ /dev/null
@@ -1,80 +0,0 @@
-person
-bicycle
-car
-motorcycle
-airplane
-bus
-train
-truck
-boat
-traffic light
-fire hydrant
-stop sign
-parking meter
-bench
-bird
-cat
-dog
-horse
-sheep
-cow
-elephant
-bear
-zebra
-giraffe
-backpack
-umbrella
-handbag
-tie
-suitcase
-frisbee
-skis
-snowboard
-sports ball
-kite
-baseball bat
-baseball glove
-skateboard
-surfboard
-tennis racket
-bottle
-wine glass
-cup
-fork
-knife
-spoon
-bowl
-banana
-apple
-sandwich
-orange
-broccoli
-carrot
-hot dog
-pizza
-donut
-cake
-chair
-couch
-potted plant
-bed
-dining table
-toilet
-tv
-laptop
-computer mouse
-tv remote
-computer keyboard
-cell phone
-microwave
-oven
-toaster
-sink
-refrigerator
-book
-clock
-vase
-scissors
-teddy bear
-hair drier
-toothbrush
diff --git a/eval/gen/wise/cal_score.py b/eval/gen/wise/cal_score.py
deleted file mode 100644
index 8cff87980e817f42075e72672afb4f7ce204961d..0000000000000000000000000000000000000000
--- a/eval/gen/wise/cal_score.py
+++ /dev/null
@@ -1,162 +0,0 @@
-# Copyright 2025 Bytedance Ltd. and/or its affiliates.
-# SPDX-License-Identifier: Apache-2.0
-
-import json
-import os
-import argparse
-from collections import defaultdict
-
-
-def calculate_wiscore(consistency, realism, aesthetic_quality):
- return 0.7 * consistency + 0.2 * realism + 0.1 * aesthetic_quality
-
-
-def cal_culture(file_path):
- all_scores = []
- total_objects = 0
- has_9_9 = False
-
- with open(file_path, 'r') as file:
- for line in file:
- total_objects += 1
- data = json.loads(line)
- if 9.9 in [data['consistency'], data['realism'], data['aesthetic_quality']]:
- has_9_9 = True
- wiscore = calculate_wiscore(data['consistency'], data['realism'], data['aesthetic_quality'])
- all_scores.append(wiscore)
-
- if has_9_9 or total_objects < 400:
- print(f"Skipping file {file_path}: Contains 9.9 or has less than 400 objects.")
- return None
-
- total_score = sum(all_scores)
- avg_score = total_score / (len(all_scores)*2) if len(all_scores) > 0 else 0
-
- score = {
- 'total': total_score,
- 'average': avg_score
- }
-
- print(f" Cultural - Total: {score['total']:.2f}, Average: {score['average']:.2f}")
-
- return avg_score
-
-
-def cal_space_time(file_path):
- categories = defaultdict(list)
- total_objects = 0
- has_9_9 = False
-
- with open(file_path, 'r') as file:
- for line in file:
- total_objects += 1
- data = json.loads(line)
- if 9.9 in [data['consistency'], data['realism'], data['aesthetic_quality']]:
- has_9_9 = True
- subcategory = data['Subcategory']
- wiscore = calculate_wiscore(data['consistency'], data['realism'], data['aesthetic_quality'])
- if subcategory in ['Longitudinal time', 'Horizontal time']:
- categories['Time'].append(wiscore)
- else:
- categories['Space'].append(wiscore)
-
- if has_9_9 or total_objects < 300:
- print(f"Skipping file {file_path}: Contains 9.9 or has less than 400 objects.")
- return None
-
- total_scores = {category: sum(scores) for category, scores in categories.items()}
- avg_scores = {category: sum(scores) / (len(scores) * 2 )if len(scores) > 0 else 0 for category, scores in categories.items()}
-
- scores = {
- 'total': total_scores,
- 'average': avg_scores
- }
-
- print(f" Time - Total: {scores['total'].get('Time', 0):.2f}, Average: {scores['average'].get('Time', 0):.2f}")
- print(f" Space - Total: {scores['total'].get('Space', 0):.2f}, Average: {scores['average'].get('Space', 0):.2f}")
-
- return avg_scores
-
-
-def cal_science(file_path):
- categories = defaultdict(list)
- total_objects = 0
- has_9_9 = False
-
- with open(file_path, 'r') as file:
- for line in file:
- total_objects += 1
- data = json.loads(line)
- if 9.9 in [data['consistency'], data['realism'], data['aesthetic_quality']]:
- has_9_9 = True
-
- prompt_id = data.get('prompt_id', 0)
- if 701 <= prompt_id <= 800:
- category = 'Biology'
- elif 801 <= prompt_id <= 900:
- category = 'Physics'
- elif 901 <= prompt_id <= 1000:
- category = 'Chemistry'
- else:
- category = "?"
-
- wiscore = calculate_wiscore(data['consistency'], data['realism'], data['aesthetic_quality'])
- categories[category].append(wiscore)
-
- if has_9_9 or total_objects < 300:
- print(f"Skipping file {file_path}: Contains 9.9 or has less than 300 objects.")
- return None
-
- total_scores = {category: sum(scores) for category, scores in categories.items()}
- avg_scores = {category: sum(scores) / (len(scores)*2) if len(scores) > 0 else 0 for category, scores in categories.items()}
-
- scores = {
- 'total': total_scores,
- 'average': avg_scores
- }
-
- for category in ['Biology', 'Physics', 'Chemistry']:
- print(f" {category} - Total: {scores['total'].get(category, 0):.2f}, Average: {scores['average'].get(category, 0):.2f}")
-
- return avg_scores
-
-
-if __name__ == "__main__":
- parser = argparse.ArgumentParser(description='Image Quality Assessment Tool')
- parser.add_argument('--output_dir', required=True,
- help='Path to the output directory')
- args = parser.parse_args()
-
- avg_score = dict()
-
- score = cal_culture(
- os.path.join(args.output_dir, "cultural_common_sense_scores.jsonl")
- )
- avg_score['Cultural'] = score
-
- scores = cal_space_time(
- os.path.join(args.output_dir, "spatio-temporal_reasoning_scores.jsonl")
- )
- avg_score.update(scores)
-
- scores = cal_science(
- os.path.join(args.output_dir, "natural_science_scores.jsonl")
- )
- avg_score.update(scores)
-
- avg_all = sum(avg_score.values()) / len(avg_score)
-
- avg_score['Overall'] = avg_all
- keys = ""
- values = ""
- for k, v in avg_score.items():
- keys += f"{k} "
- values += f"{v:.2f} "
- print(keys)
- print(values)
-
- writer = open(os.path.join(args.output_dir, "results.txt"), 'w')
- print(f"write results to file {os.path.join(args.output_dir, 'results.txt')}")
- writer.write(keys + "\n")
- writer.write(values + "\n")
- writer.close()
\ No newline at end of file
diff --git a/eval/gen/wise/final_data.json b/eval/gen/wise/final_data.json
deleted file mode 100644
index 8c29d242d6785515b1784a4cefca6fae8769627c..0000000000000000000000000000000000000000
--- a/eval/gen/wise/final_data.json
+++ /dev/null
@@ -1,8002 +0,0 @@
-[
- {
- "Prompt": "Traditional food of the Mid-Autumn Festival",
- "Explanation": "This refers to mooncakes, the round pastries filled with lotus seed paste or red bean paste",
- "Category": "Cultural knowledge",
- "Subcategory": "Festival",
- "prompt_id": 1,
- "Hint": "Mooncakes."
- },
- {
- "Prompt": "Traditional game played during the Korean festival of Chuseok",
- "Explanation": "This refers to ssireum, a form of traditional Korean wrestling",
- "Category": "Cultural knowledge",
- "Subcategory": "Festival",
- "prompt_id": 2,
- "Hint": "Ssireum."
- },
- {
- "Prompt": "Traditional activity during Easter in Western countries",
- "Explanation": "This refers to the Easter egg hunt",
- "Category": "Cultural knowledge",
- "Subcategory": "Festival",
- "prompt_id": 3,
- "Hint": "Easter egg hunt."
- },
- {
- "Prompt": "Holiday celebrating the birth of Jesus Christ",
- "Explanation": "This refers to Christmas",
- "Category": "Cultural knowledge",
- "Subcategory": "Festival",
- "prompt_id": 4,
- "Hint": "Christmas."
- },
- {
- "Prompt": "Traditional decoration for the Mexican Day of the Dead",
- "Explanation": "This refers to ofrendas, elaborate altars decorated with marigolds, candles, and offerings",
- "Category": "Cultural knowledge",
- "Subcategory": "Festival",
- "prompt_id": 5,
- "Hint": "Ofrenda decorated with marigolds, candles, and offerings."
- },
- {
- "Prompt": "Symbolic animal associated with the Chinese New Year",
- "Explanation": "This refers to the dragon, a mythical creature representing power and good fortune",
- "Category": "Cultural knowledge",
- "Subcategory": "Festival",
- "prompt_id": 6,
- "Hint": "Dragon."
- },
- {
- "Prompt": "A spooky night when children dress up and collect sweet treats",
- "Explanation": "This refers to Halloween, the image should show children in costumes collecting candy",
- "Category": "Cultural knowledge",
- "Subcategory": "Festival",
- "prompt_id": 7,
- "Hint": "Children in costumes collecting candy on Halloween night."
- },
- {
- "Prompt": "Most mentioned character during Christmas",
- "Explanation": "This refers to Santa Claus",
- "Category": "Cultural knowledge",
- "Subcategory": "Festival",
- "prompt_id": 8,
- "Hint": "Santa Claus."
- },
- {
- "Prompt": "Traditional food for the Lantern Festival in China",
- "Explanation": "This refers to tangyuan, glutinous rice balls",
- "Category": "Cultural knowledge",
- "Subcategory": "Festival",
- "prompt_id": 9,
- "Hint": "Tangyuan, glutinous rice balls."
- },
- {
- "Prompt": "Show the most common outdoor activity associated with the Dragon Boat Festival",
- "Explanation": "This refers to dragon boat races, so the image should depict a race with long boats, synchronized paddling teams, a body of water, and festive surroundings",
- "Category": "Cultural knowledge",
- "Subcategory": "Festival",
- "prompt_id": 10,
- "Hint": "Dragon boat race with long boats, synchronized paddling teams, a body of water, and festive surroundings."
- },
- {
- "Prompt": "Most commonly used tools during Diwali in India",
- "Explanation": "This refers to diyas (small oil lamps), so the photo should include diyas",
- "Category": "Cultural knowledge",
- "Subcategory": "Festival",
- "prompt_id": 11,
- "Hint": "Diyas (small oil lamps)."
- },
- {
- "Prompt": "Popular festival among the Dai people in China",
- "Explanation": "This refers to the Songkran Festival",
- "Category": "Cultural knowledge",
- "Subcategory": "Festival",
- "prompt_id": 12,
- "Hint": "Songkran Festival."
- },
- {
- "Prompt": "Traditional food for the Dragon Boat Festival in China",
- "Explanation": "This refers to zongzi, sticky rice wrapped in bamboo leaves",
- "Category": "Cultural knowledge",
- "Subcategory": "Festival",
- "prompt_id": 13,
- "Hint": "Zongzi, sticky rice wrapped in bamboo leaves."
- },
- {
- "Prompt": "Halloween kids' favorite treat",
- "Explanation": "It refers to candy, which kids like to collect most",
- "Category": "Cultural knowledge",
- "Subcategory": "Festival",
- "prompt_id": 14,
- "Hint": "Candy."
- },
- {
- "Prompt": "Traditional activity during the Iranian festival of Nowruz",
- "Explanation": "This refers to haft-sin, a table setting with seven symbolic items starting with the letter 'sin' in Persian",
- "Category": "Cultural knowledge",
- "Subcategory": "Festival",
- "prompt_id": 15,
- "Hint": "Haft-sin table setting with seven symbolic items starting with the letter 'sin' in Persian."
- },
- {
- "Prompt": "Traditional activity during the Indian festival of Holi",
- "Explanation": "This refers to playing with colored powders and water, celebrating the arrival of spring",
- "Category": "Cultural knowledge",
- "Subcategory": "Festival",
- "prompt_id": 16,
- "Hint": "Playing with colored powders and water, celebrating the arrival of spring."
- },
- {
- "Prompt": "An autumnal harvest celebration in North America, where a large fowl takes center stage on the dining table",
- "Explanation": "This refers to Thanksgiving, so the image should show a roasted turkey surrounded by other food",
- "Category": "Cultural knowledge",
- "Subcategory": "Festival",
- "prompt_id": 17,
- "Hint": "A roasted turkey surrounded by other Thanksgiving food."
- },
- {
- "Prompt": "Traditional dance performed during the Brazilian Carnival",
- "Explanation": "This refers to samba, a lively dance with African roots",
- "Category": "Cultural knowledge",
- "Subcategory": "Festival",
- "prompt_id": 18,
- "Hint": "Samba dance during Brazilian Carnival."
- },
- {
- "Prompt": "The object most commonly admired during the Mid-Autumn Festival",
- "Explanation": "This refers to the moon, so the image should show a full or nearly full moon, possibly with elements suggesting the festival such as lanterns or family gatherings",
- "Category": "Cultural knowledge",
- "Subcategory": "Festival",
- "prompt_id": 19,
- "Hint": "Full moon with lanterns and a family gathering."
- },
- {
- "Prompt": "Traditional food for Thanksgiving in the United States",
- "Explanation": "This refers to roasted turkey with sides like mashed potatoes",
- "Category": "Cultural knowledge",
- "Subcategory": "Festival",
- "prompt_id": 20,
- "Hint": "Roasted turkey with sides of mashed potatoes."
- },
- {
- "Prompt": "Traditional costume worn during the German Oktoberfest",
- "Explanation": "This refers to lederhosen for men and dirndl for women, traditional Bavarian attire",
- "Category": "Cultural knowledge",
- "Subcategory": "Festival",
- "prompt_id": 21,
- "Hint": "Traditional Bavarian attire, including lederhosen for men and dirndl for women, worn during Oktoberfest."
- },
- {
- "Prompt": "Traditional gift given during the Japanese festival of Setsubun",
- "Explanation": "This refers to mame-maki, the custom of scattering roasted soybeans to drive away evil spirits",
- "Category": "Cultural knowledge",
- "Subcategory": "Festival",
- "prompt_id": 22,
- "Hint": "Scattering roasted soybeans (mame-maki)."
- },
- {
- "Prompt": "Most representative sport of South Africa",
- "Explanation": "This refers to rugby, so the photo should include the rugby ball",
- "Category": "Cultural knowledge",
- "Subcategory": "Sports",
- "prompt_id": 23,
- "Hint": "Rugby ball."
- },
- {
- "Prompt": "A sport that ignites national fervor in Argentina, often associated with legendary players and historic rivalries",
- "Explanation": "This refers to football (soccer), so the image should include a football, and potentially Argentinian colors or fans",
- "Category": "Cultural knowledge",
- "Subcategory": "Sports",
- "prompt_id": 24,
- "Hint": "Football (soccer) with Argentinian colors or fans celebrating in the background."
- },
- {
- "Prompt": "A very popular sport in the US with an oval shaped ball",
- "Explanation": "This refers to American football, so the photo should include the American football",
- "Category": "Cultural knowledge",
- "Subcategory": "Sports",
- "prompt_id": 25,
- "Hint": "American football."
- },
- {
- "Prompt": "Show an image of the most popular ball sport in Japan, often associated with school teams and national tournaments",
- "Explanation": "The model should generate an image related to baseball",
- "Category": "Cultural knowledge",
- "Subcategory": "Sports",
- "prompt_id": 26,
- "Hint": "Baseball."
- },
- {
- "Prompt": "Most representative sport of India",
- "Explanation": "This refers to cricket, so the photo should include the cricket ball",
- "Category": "Cultural knowledge",
- "Subcategory": "Sports",
- "prompt_id": 27,
- "Hint": "Cricket ball."
- },
- {
- "Prompt": "A fast-moving team sport popular in Russia, known for its intense physicality",
- "Explanation": "This refers to ice hockey, so the image should include a hockey puck, and potentially ice and players",
- "Category": "Cultural knowledge",
- "Subcategory": "Sports",
- "prompt_id": 28,
- "Hint": "Ice hockey with a hockey puck, ice, and players."
- },
- {
- "Prompt": "A sport deeply ingrained in Brazilian culture, known for its flair and passion on the field",
- "Explanation": "This refers to football (soccer), so the image should include a football, and potentially Brazilian colors or fans",
- "Category": "Cultural knowledge",
- "Subcategory": "Sports",
- "prompt_id": 29,
- "Hint": "Football with Brazilian colors or fans."
- },
- {
- "Prompt": "Show the national sport of the United States",
- "Explanation": "This refers to baseball, so the image should depict a baseball game or elements associated with baseball, such as a bat, ball, or field",
- "Category": "Cultural knowledge",
- "Subcategory": "Sports",
- "prompt_id": 30,
- "Hint": "Baseball game or elements associated with baseball, such as a bat, ball, or field."
- },
- {
- "Prompt": "Show the national sport of Japan",
- "Explanation": "This refers to Sumo wrestling, so the image should depict a Sumo wrestling match or elements associated with Sumo, such as the wrestlers, the ring or traditional garments",
- "Category": "Cultural knowledge",
- "Subcategory": "Sports",
- "prompt_id": 31,
- "Hint": "Sumo wrestling match."
- },
- {
- "Prompt": "Show a combat sport often practiced in Thailand",
- "Explanation": "This refers to Muay Thai, so the image should depict two people engaging in combat techniques",
- "Category": "Cultural knowledge",
- "Subcategory": "Sports",
- "prompt_id": 32,
- "Hint": "Muay Thai combat between two fighters."
- },
- {
- "Prompt": "A winter sport often enjoyed in Switzerland, involving snow covered slopes",
- "Explanation": "This refers to skiing, so the photo should include a skier or ski equipment",
- "Category": "Cultural knowledge",
- "Subcategory": "Sports",
- "prompt_id": 33,
- "Hint": "Skiing involving a skier or ski equipment on snow-covered slopes."
- },
- {
- "Prompt": "A bat-and-ball sport with a passionate following in Pakistan, often enjoyed by all ages",
- "Explanation": "This refers to cricket, so the image should include a cricket ball, and potentially Pakistani colours or a stadium",
- "Category": "Cultural knowledge",
- "Subcategory": "Sports",
- "prompt_id": 34,
- "Hint": "Cricket ball with Pakistani colors or a stadium."
- },
- {
- "Prompt": "Show the most popular ball sport in Australia",
- "Explanation": "The model should generate an image related to Australian Rules Football",
- "Category": "Cultural knowledge",
- "Subcategory": "Sports",
- "prompt_id": 35,
- "Hint": "Australian Rules Football."
- },
- {
- "Prompt": "A widely followed sport in the UK, often played with a round ball and passionate supporters",
- "Explanation": "This refers to football (soccer), so the photo should include the football",
- "Category": "Cultural knowledge",
- "Subcategory": "Sports",
- "prompt_id": 36,
- "Hint": "Football (soccer) with a round ball and passionate supporters."
- },
- {
- "Prompt": "A physically demanding contact sport, deeply associated with New Zealand's national identity",
- "Explanation": "This refers to rugby, so the image should include a rugby ball and possibly a rugby pitch",
- "Category": "Cultural knowledge",
- "Subcategory": "Sports",
- "prompt_id": 37,
- "Hint": "Rugby ball on a rugby pitch."
- },
- {
- "Prompt": "A highly technical and fast-paced sport in China, often showcasing incredible agility and precision",
- "Explanation": "This refers to table tennis, so the image should include a table tennis ball and paddle",
- "Category": "Cultural knowledge",
- "Subcategory": "Sports",
- "prompt_id": 38,
- "Hint": "Table tennis ball and paddle."
- },
- {
- "Prompt": "A fast-paced racquet sport that is extremely popular in Indonesia, requiring agility and precision",
- "Explanation": "This refers to badminton, so the image should include a badminton shuttlecock and a racquet",
- "Category": "Cultural knowledge",
- "Subcategory": "Sports",
- "prompt_id": 39,
- "Hint": "Badminton shuttlecock and racquet."
- },
- {
- "Prompt": "An image that demonstrates the act of seeking knowledge and guidance from a religious elder or leader in a Buddhist monastic context",
- "Explanation": "The model should generate an image of Buddhist monks consulting or getting a teaching from their master/teacher",
- "Category": "Cultural knowledge",
- "Subcategory": "Religion",
- "prompt_id": 40,
- "Hint": "Buddhist monks consulting their master or teacher."
- },
- {
- "Prompt": "A representation of the divine trinity in the Christian tradition, often depicted through art and symbolism",
- "Explanation": "The model should generate an image representing the Holy Trinity in Christianity, often depicted as God the Father, God the Son, and God the Holy Spirit",
- "Category": "Cultural knowledge",
- "Subcategory": "Religion",
- "prompt_id": 41,
- "Hint": "The Holy Trinity in Christianity, depicted as God the Father, God the Son, and God the Holy Spirit."
- },
- {
- "Prompt": "An image of a commonly revered object in Christianity that often symbolizes sacrifice and faith",
- "Explanation": "The model should generate an image related to the Christian Cross",
- "Category": "Cultural knowledge",
- "Subcategory": "Religion",
- "prompt_id": 42,
- "Hint": "Christian Cross."
- },
- {
- "Prompt": "Show an image of a type of large religious building that is often visited by Christians, and frequently includes a significant symbol as part of its architecture",
- "Explanation": "The model should generate an image related to a Christian church or cathedral with a prominent cross symbol in its architecture",
- "Category": "Cultural knowledge",
- "Subcategory": "Religion",
- "prompt_id": 43,
- "Hint": "Christian church or cathedral with a prominent cross symbol in its architecture."
- },
- {
- "Prompt": "A figure central to the story of Islam, revered as the last prophet",
- "Explanation": "The model should generate an image that represents Prophet Muhammad, with focus on respect and avoiding direct depiction of his face",
- "Category": "Cultural knowledge",
- "Subcategory": "Religion",
- "prompt_id": 44,
- "Hint": "A representation of Prophet Muhammad, focusing on respectful symbols such as a glowing silhouette, calligraphy, or a serene landscape."
- },
- {
- "Prompt": "An image showcasing an event that marks the beginning of the holiest month for Muslims, often with a traditional meal in the morning",
- "Explanation": "The model should generate an image depicting the 'Suhoor' meal, an important event in Ramadan",
- "Category": "Cultural knowledge",
- "Subcategory": "Religion",
- "prompt_id": 45,
- "Hint": "Suhoor meal during Ramadan."
- },
- {
- "Prompt": "Show an image of a type of domed religious structure that is often seen in Buddhist temples or sacred sites",
- "Explanation": "The model should generate an image related to a Buddhist stupa or pagoda",
- "Category": "Cultural knowledge",
- "Subcategory": "Religion",
- "prompt_id": 46,
- "Hint": "Buddhist stupa or pagoda."
- },
- {
- "Prompt": "An object of veneration in Sikh temples, often seen as a source of wisdom and spiritual authority",
- "Explanation": "The model should generate an image of the Guru Granth Sahib, the central religious scripture of Sikhism",
- "Category": "Cultural knowledge",
- "Subcategory": "Religion",
- "prompt_id": 47,
- "Hint": "Guru Granth Sahib."
- },
- {
- "Prompt": "A sacred text often found in Jewish synagogues, containing teachings and stories that guide the faithful",
- "Explanation": "The model should generate an image of a Torah scroll, focusing on its ornate cover and handwritten text",
- "Category": "Cultural knowledge",
- "Subcategory": "Religion",
- "prompt_id": 48,
- "Hint": "Torah scroll with ornate cover and handwritten text."
- },
- {
- "Prompt": "A key architectural feature that is often in the form of a tower, used by Muslims for call to prayer",
- "Explanation": "The model should generate an image of a Minaret, the tall slender tower in a Mosque",
- "Category": "Cultural knowledge",
- "Subcategory": "Religion",
- "prompt_id": 49,
- "Hint": "Minaret."
- },
- {
- "Prompt": "A geometric symbol often associated with Jewish identity and heritage",
- "Explanation": "The model should generate an image related to the Star of David",
- "Category": "Cultural knowledge",
- "Subcategory": "Religion",
- "prompt_id": 50,
- "Hint": "Star of David."
- },
- {
- "Prompt": "An image of a circular emblem representing balance and harmony in Taoist philosophy",
- "Explanation": "The model should generate an image related to the Taijitu (Yin-Yang symbol)",
- "Category": "Cultural knowledge",
- "Subcategory": "Religion",
- "prompt_id": 51,
- "Hint": "Taijitu (Yin-Yang symbol)."
- },
- {
- "Prompt": "Show a structure commonly seen in Shinto shrines, often acting as a gateway to a sacred space",
- "Explanation": "The model should generate an image related to a Torii gate",
- "Category": "Cultural knowledge",
- "Subcategory": "Religion",
- "prompt_id": 52,
- "Hint": "Torii gate."
- },
- {
- "Prompt": "Show an image of a figure that is often a central focus of worship and meditation in Buddhism",
- "Explanation": "The model should generate an image related to a Buddha statue or figure",
- "Category": "Cultural knowledge",
- "Subcategory": "Religion",
- "prompt_id": 53,
- "Hint": "Buddha statue."
- },
- {
- "Prompt": "A sacred site for Muslims, with a cuboid structure at its center, a focal point for prayer",
- "Explanation": "The model should generate an image of the Kaaba in Mecca, showcasing its cuboid shape, the black cloth covering, and its importance as a sacred site for Muslims",
- "Category": "Cultural knowledge",
- "Subcategory": "Religion",
- "prompt_id": 54,
- "Hint": "Kaaba in Mecca, with its cuboid shape and black cloth covering, as a sacred site for Muslims."
- },
- {
- "Prompt": "Show an image depicting a specific hand gesture used during prayer, often seen in congregations that follow a particular Abrahamic tradition",
- "Explanation": "The model should generate an image related to the 'priestly blessing' hand gesture common in Judaism, which includes the spreading of the fingers to form the letter Shin",
- "Category": "Cultural knowledge",
- "Subcategory": "Religion",
- "prompt_id": 55,
- "Hint": "The priestly blessing hand gesture common in Judaism, with fingers spread to form the letter Shin."
- },
- {
- "Prompt": "A powerful symbol often used in Islamic art, often representing divine guidance",
- "Explanation": "The model should generate an image related to the crescent moon and star",
- "Category": "Cultural knowledge",
- "Subcategory": "Religion",
- "prompt_id": 56,
- "Hint": "Crescent moon and star."
- },
- {
- "Prompt": "Show an image of a specific type of head covering worn by many Sikh men",
- "Explanation": "The model should generate an image related to the Sikh Turban or Dastar",
- "Category": "Cultural knowledge",
- "Subcategory": "Religion",
- "prompt_id": 57,
- "Hint": "Sikh Turban (Dastar)."
- },
- {
- "Prompt": "An image of a specific type of clothing often worn by Jewish men when they pray",
- "Explanation": "The model should generate an image related to a Jewish Tallit or prayer shawl",
- "Category": "Cultural knowledge",
- "Subcategory": "Religion",
- "prompt_id": 58,
- "Hint": "Jewish Tallit or prayer shawl."
- },
- {
- "Prompt": "A place where sacred rituals and ceremonies often take place in Hinduism, a center of worship and community",
- "Explanation": "The model should generate an image representing a Hindu temple, showcasing the architecture, the deity statues, and the atmosphere of worship",
- "Category": "Cultural knowledge",
- "Subcategory": "Religion",
- "prompt_id": 59,
- "Hint": "Hindu temple with traditional architecture, deity statues, and an atmosphere of worship."
- },
- {
- "Prompt": "A sacred symbol often used in Hindu practices, representing the essence of the universe",
- "Explanation": "The model should generate an image related to the Om symbol",
- "Category": "Cultural knowledge",
- "Subcategory": "Religion",
- "prompt_id": 60,
- "Hint": "Om symbol."
- },
- {
- "Prompt": "A sacred symbol used in Jainism, representing the path to liberation and enlightenment",
- "Explanation": "The model should generate an image of the Jain symbol, which includes the hand, the wheel, and the three dots",
- "Category": "Cultural knowledge",
- "Subcategory": "Religion",
- "prompt_id": 61,
- "Hint": "Jain symbol with a hand, wheel, and three dots."
- },
- {
- "Prompt": "Most representative craft of India",
- "Explanation": "This refers to Indian handwoven textiles, so the photo should include a colorful sari or textile pattern",
- "Category": "Cultural knowledge",
- "Subcategory": "Craft",
- "prompt_id": 62,
- "Hint": "Colorful sari or textile pattern."
- },
- {
- "Prompt": "A craft that celebrates the beauty of natural elements through its use of fine, polished stones in a particular country in South America",
- "Explanation": "This refers to Peruvian Stone Carving, so the photo should include a photo of finely crafted stone objects or sculptures with cultural motifs",
- "Category": "Cultural knowledge",
- "Subcategory": "Craft",
- "prompt_id": 63,
- "Hint": "Peruvian Stone Carving with finely crafted stone objects or sculptures featuring cultural motifs."
- },
- {
- "Prompt": "The playful craft that embodies Russian cultural charm",
- "Explanation": "This refers to Russian nesting dolls (Matryoshka), so the photo should include a set of colorful Matryoshka dolls",
- "Category": "Cultural knowledge",
- "Subcategory": "Craft",
- "prompt_id": 64,
- "Hint": "Russian nesting dolls (Matryoshka), a set of colorful wooden dolls."
- },
- {
- "Prompt": "A craft renowned for its glass artistry and elaborate chandeliers in the Venetian city",
- "Explanation": "This refers to Murano glass, so the photo should include a detailed image of glass objects or a Murano chandelier",
- "Category": "Cultural knowledge",
- "Subcategory": "Craft",
- "prompt_id": 65,
- "Hint": "Murano glass objects or a detailed Murano chandelier."
- },
- {
- "Prompt": "A craft involving the application of enamel on metal surfaces that is popular in a particular region of Southeast Asia",
- "Explanation": "This refers to Cloisonn\u00e9, so the photo should include an image of an object decorated with cloisonn\u00e9 enamel, showcasing intricate designs and vibrant colors, commonly found in Southeast Asia",
- "Category": "Cultural knowledge",
- "Subcategory": "Craft",
- "prompt_id": 66,
- "Hint": "An object decorated with cloisonn\u00e9 enamel, showcasing intricate designs and vibrant colors, commonly found in Southeast Asia."
- },
- {
- "Prompt": "A craft celebrated in Japanese culture, known for its intricate folds and paper art",
- "Explanation": "This refers to Origami, so the photo should include an image of folded paper sculptures or objects",
- "Category": "Cultural knowledge",
- "Subcategory": "Craft",
- "prompt_id": 67,
- "Hint": "Origami with folded paper sculptures or objects."
- },
- {
- "Prompt": "The iconic craft that captures the essence of French elegance",
- "Explanation": "This refers to French perfume, so the photo should include an elegant perfume bottle",
- "Category": "Cultural knowledge",
- "Subcategory": "Craft",
- "prompt_id": 68,
- "Hint": "An elegant French perfume bottle."
- },
- {
- "Prompt": "A craft known for its use of silver, and intricate designs in a particular country in South America",
- "Explanation": "This refers to Mexican silver craft, so the photo should include a photograph showing finely crafted silver objects or jewelry with distinctive motifs and patterns",
- "Category": "Cultural knowledge",
- "Subcategory": "Craft",
- "prompt_id": 69,
- "Hint": "Mexican silvercraft showing finely crafted silver objects or jewelry with distinctive motifs and patterns."
- },
- {
- "Prompt": "The intricate craft that highlights the artistry of Persian weaving",
- "Explanation": "This refers to Persian carpets, so the photo should include a colorful, intricate carpet with traditional patterns",
- "Category": "Cultural knowledge",
- "Subcategory": "Craft",
- "prompt_id": 70,
- "Hint": "Persian carpet with colorful, intricate traditional patterns."
- },
- {
- "Prompt": "A craft recognized for its use of natural materials and distinctive patterns, often from the northern parts of Africa",
- "Explanation": "This refers to African basket weaving, so the photo should include a photo of a detailed hand-woven basket with complex patterns",
- "Category": "Cultural knowledge",
- "Subcategory": "Craft",
- "prompt_id": 71,
- "Hint": "A detailed hand-woven African basket with complex patterns."
- },
- {
- "Prompt": "The traditional craft that represents Native American artistic heritage",
- "Explanation": "This refers to Native American pottery, so the photo should include traditional Native American clay pots with intricate designs",
- "Category": "Cultural knowledge",
- "Subcategory": "Craft",
- "prompt_id": 72,
- "Hint": "Traditional Native American clay pots with intricate designs."
- },
- {
- "Prompt": "Most representative craft of Thailand",
- "Explanation": "This refers to Thai silk, so the photo should include a colorful silk fabric or traditional Thai garment",
- "Category": "Cultural knowledge",
- "Subcategory": "Craft",
- "prompt_id": 73,
- "Hint": "Thai silk fabric or traditional Thai garment."
- },
- {
- "Prompt": "The craft that embodies Swiss precision and artistry",
- "Explanation": "This refers to Swiss watches, so the photo should include a detailed luxury watch",
- "Category": "Cultural knowledge",
- "Subcategory": "Craft",
- "prompt_id": 74,
- "Hint": "Detailed luxury Swiss watch."
- },
- {
- "Prompt": "The traditional craft that symbolizes Chinese artistry and heritage",
- "Explanation": "This refers to porcelain, so the photo should include a porcelain vase or bowl",
- "Category": "Cultural knowledge",
- "Subcategory": "Craft",
- "prompt_id": 75,
- "Hint": "Porcelain vase or bowl."
- },
- {
- "Prompt": "Awe-inspiring ancient Egyptian architecture, colossal and majestic under the desert sun",
- "Explanation": "The model should generate an image featuring the Pyramids of Giza, emphasizing the grandeur of the Great Pyramid and the surrounding desert environment",
- "Category": "Cultural knowledge",
- "Subcategory": "Construction",
- "prompt_id": 76,
- "Hint": "The Pyramids of Giza under the desert sun."
- },
- {
- "Prompt": "A neo-Gothic clock tower, a symbol of London's political and cultural history",
- "Explanation": "The model should generate an image featuring Big Ben, highlighting its Gothic-style clock tower and the surrounding Houses of Parliament",
- "Category": "Cultural knowledge",
- "Subcategory": "Construction",
- "prompt_id": 77,
- "Hint": "Big Ben with its neo-Gothic clock tower and the surrounding Houses of Parliament."
- },
- {
- "Prompt": "An ancient amphitheater, a testament to Roman engineering and entertainment",
- "Explanation": "The model should generate an image featuring the Colosseum, showcasing its ruined circular structure and historical significance",
- "Category": "Cultural knowledge",
- "Subcategory": "Construction",
- "prompt_id": 78,
- "Hint": "The Colosseum in its ruined circular structure, showcasing historical significance."
- },
- {
- "Prompt": "An elegant marble mausoleum, a symbol of love and Indian architectural brilliance",
- "Explanation": "The model should generate an image featuring the Taj Mahal, showcasing its white marble exterior and symmetrical structure",
- "Category": "Cultural knowledge",
- "Subcategory": "Construction",
- "prompt_id": 79,
- "Hint": "Taj Mahal, showcasing its white marble exterior and symmetrical structure."
- },
- {
- "Prompt": "A massive stone statue of a mythical creature that is a prominent historical landmark in Egypt",
- "Explanation": "The model should generate an image featuring the Great Sphinx of Giza, highlighting its lion's body with a human head, and its surrounding desert",
- "Category": "Cultural knowledge",
- "Subcategory": "Construction",
- "prompt_id": 80,
- "Hint": "The Great Sphinx of Giza with a lion's body and a human head, surrounded by desert."
- },
- {
- "Prompt": "An impressive castle, a place of royalty and history in the Scottish city of Edinburgh",
- "Explanation": "The model should generate an image featuring Edinburgh Castle, showcasing its location on a hill, its ancient stone architecture, and its historic significance",
- "Category": "Cultural knowledge",
- "Subcategory": "Construction",
- "prompt_id": 81,
- "Hint": "Edinburgh Castle on a hill, featuring ancient stone architecture and showcasing its historic significance."
- },
- {
- "Prompt": "The world's tallest skyscraper, a marvel of modern engineering in the desert",
- "Explanation": "The model should generate an image featuring the Burj Khalifa, highlighting its ultra-tall skyscraper design and the surrounding Dubai cityscape",
- "Category": "Cultural knowledge",
- "Subcategory": "Construction",
- "prompt_id": 82,
- "Hint": "Burj Khalifa with the surrounding Dubai cityscape."
- },
- {
- "Prompt": "A complex of ancient temples in Southeast Asia, a symbol of spirituality and history in Cambodia",
- "Explanation": "The model should generate an image featuring Angkor Wat in Cambodia, showcasing its ancient Khmer architecture and its intricate carvings",
- "Category": "Cultural knowledge",
- "Subcategory": "Construction",
- "prompt_id": 83,
- "Hint": "Angkor Wat in Cambodia, showcasing its ancient Khmer architecture and intricate carvings."
- },
- {
- "Prompt": "A colossal sculpture in Brazil, with outstretched arms overlooking the city below",
- "Explanation": "The model should generate an image featuring the Christ the Redeemer statue, showcasing its overlooking perspective from Corcovado Mountain and its religious significance",
- "Category": "Cultural knowledge",
- "Subcategory": "Construction",
- "prompt_id": 84,
- "Hint": "Christ the Redeemer statue with outstretched arms, overlooking the city below from Corcovado Mountain."
- },
- {
- "Prompt": "A remarkable church with a spherical dome, a symbol of faith, located in the Vatican City",
- "Explanation": "The model should generate an image featuring St. Peter's Basilica in Vatican City, emphasizing its large dome, its grand interior and its religious importance",
- "Category": "Cultural knowledge",
- "Subcategory": "Construction",
- "prompt_id": 85,
- "Hint": "St. Peter's Basilica in Vatican City, featuring its large spherical dome, grand interior, and religious significance."
- },
- {
- "Prompt": "A symbol of the United States' political history, a white dome with a unique architecture in Washington DC",
- "Explanation": "The model should generate an image featuring the US Capitol Building in Washington DC, highlighting its white dome and its historical context",
- "Category": "Cultural knowledge",
- "Subcategory": "Construction",
- "prompt_id": 86,
- "Hint": "US Capitol Building with a white dome."
- },
- {
- "Prompt": "A unique structure with blades, in the flat agricultural landscape of the Netherlands",
- "Explanation": "The model should generate an image featuring traditional Dutch windmills, showcasing their sails, circular structures, and the surrounding fields or canal landscapes",
- "Category": "Cultural knowledge",
- "Subcategory": "Construction",
- "prompt_id": 87,
- "Hint": "Traditional Dutch windmills with sails and circular structures, set in a flat agricultural landscape with fields or canals."
- },
- {
- "Prompt": "A monument in Brazil, with arms outstretched above the city",
- "Explanation": "The model should generate an image featuring Christ the Redeemer, emphasizing its presence in the city's skyline and its symbolic meaning",
- "Category": "Cultural knowledge",
- "Subcategory": "Construction",
- "prompt_id": 88,
- "Hint": "Christ the Redeemer statue above the city skyline in Brazil."
- },
- {
- "Prompt": "A magnificent gothic cathedral, an architectural marvel of arches, spires, and stained glass windows in Paris",
- "Explanation": "The model should generate an image featuring Notre Dame Cathedral in Paris, emphasizing its Gothic architecture, its rose window, and its historical significance",
- "Category": "Cultural knowledge",
- "Subcategory": "Construction",
- "prompt_id": 89,
- "Hint": "Notre Dame Cathedral in Paris, emphasizing its Gothic architecture, rose window, and historical significance."
- },
- {
- "Prompt": "A famous medieval bridge, with arches over the river, located in the capital city of the Czech Republic, Prague",
- "Explanation": "The model should generate an image featuring the Charles Bridge in Prague, highlighting its medieval stone structure, the statues along the sides, and the river below",
- "Category": "Cultural knowledge",
- "Subcategory": "Construction",
- "prompt_id": 90,
- "Hint": "Charles Bridge in Prague with its medieval stone structure, statues along the sides, and the river below."
- },
- {
- "Prompt": "A famous structure built in ancient Egypt as a burial place",
- "Explanation": "The model should generate an image of a pyramid",
- "Category": "Cultural knowledge",
- "Subcategory": "Construction",
- "prompt_id": 91,
- "Hint": "Pyramid."
- },
- {
- "Prompt": "A wrought-iron lattice tower, a symbol of Parisian elegance and innovation",
- "Explanation": "The model should generate an image featuring the Eiffel Tower, capturing its distinctive lattice structure and the surrounding cityscape",
- "Category": "Cultural knowledge",
- "Subcategory": "Construction",
- "prompt_id": 92,
- "Hint": "Eiffel Tower with surrounding cityscape."
- },
- {
- "Prompt": "China's most iconic architecture, a magnificent ancient defense line against invasion",
- "Explanation": "The model should generate an image featuring the Great Wall of China, showcasing its winding path and the surrounding natural landscape",
- "Category": "Cultural knowledge",
- "Subcategory": "Construction",
- "prompt_id": 93,
- "Hint": "Great Wall of China with its winding path and surrounding natural landscape."
- },
- {
- "Prompt": "A structure that touches the sky, showcasing modern design and urban aspirations in the American city of New York",
- "Explanation": "The model should generate an image featuring the Empire State Building in New York City, emphasizing its height, its Art Deco style, and its iconic presence in the city skyline",
- "Category": "Cultural knowledge",
- "Subcategory": "Construction",
- "prompt_id": 94,
- "Hint": "Empire State Building with its Art Deco style and iconic presence in the New York City skyline."
- },
- {
- "Prompt": "A soaring communication tower, dominating the Toronto skyline",
- "Explanation": "The model should generate an image featuring the CN Tower, showcasing its soaring modern architectural style",
- "Category": "Cultural knowledge",
- "Subcategory": "Construction",
- "prompt_id": 95,
- "Hint": "CN Tower, a soaring modern communication tower dominating the Toronto skyline."
- },
- {
- "Prompt": "An iconic bridge, known for its red hue and location over a famous bay in San Francisco",
- "Explanation": "The model should generate an image featuring the Golden Gate Bridge in San Francisco, highlighting its red color, its towering structure, and its location over the bay",
- "Category": "Cultural knowledge",
- "Subcategory": "Construction",
- "prompt_id": 96,
- "Hint": "Golden Gate Bridge in San Francisco, with its red color and towering structure over the bay."
- },
- {
- "Prompt": "A monumental stone structure at a place where ancient cultures thrived in the Andes mountains of Peru",
- "Explanation": "The model should generate an image featuring Machu Picchu, showcasing its location in the Andes mountains and its ancient stone architecture",
- "Category": "Cultural knowledge",
- "Subcategory": "Construction",
- "prompt_id": 97,
- "Hint": "Machu Picchu in the Andes mountains with ancient stone architecture."
- },
- {
- "Prompt": "A unique structure of circular design, symbolizing the power of the British government, located near a palace in London",
- "Explanation": "The model should generate an image featuring the British Museum in London, highlighting its unique circular design, and its neoclassical features",
- "Category": "Cultural knowledge",
- "Subcategory": "Construction",
- "prompt_id": 98,
- "Hint": "The British Museum in London with its unique circular design and neoclassical features."
- },
- {
- "Prompt": "Ancient rock-carved churches, a spiritual pilgrimage site in Ethiopia",
- "Explanation": "The model should generate an image featuring the Rock-Hewn Churches of Lalibela, showcasing their unique structures carved out of rock",
- "Category": "Cultural knowledge",
- "Subcategory": "Construction",
- "prompt_id": 99,
- "Hint": "Rock-Hewn Churches of Lalibela, showcasing unique structures carved out of rock."
- },
- {
- "Prompt": "An unfinished basilica, a masterpiece of Catalan Modernism with intricate facades",
- "Explanation": "The model should generate an image featuring the Sagrada Familia, emphasizing its unique spires and the elaborately decorated facade",
- "Category": "Cultural knowledge",
- "Subcategory": "Construction",
- "prompt_id": 100,
- "Hint": "Sagrada Familia with its unique spires and elaborately decorated facade."
- },
- {
- "Prompt": "A grand opera house known for its extravagant interior, a symbol of arts in the Italian city of Milan",
- "Explanation": "The model should generate an image featuring the Teatro alla Scala in Milan, showcasing its opulent interior and its classical architecture",
- "Category": "Cultural knowledge",
- "Subcategory": "Construction",
- "prompt_id": 101,
- "Hint": "Teatro alla Scala in Milan, showcasing its opulent interior and classical architecture."
- },
- {
- "Prompt": "A sail-like structure, an architectural icon on Sydney's harbor",
- "Explanation": "The model should generate an image featuring the Sydney Opera House, highlighting its distinctive white sail-like roof and the surrounding harbor view",
- "Category": "Cultural knowledge",
- "Subcategory": "Construction",
- "prompt_id": 102,
- "Hint": "Sydney Opera House with its distinctive white sail-like roof and surrounding harbor view."
- },
- {
- "Prompt": "A symbol of royal power and ambition, a magnificent palace with elaborate gardens in France",
- "Explanation": "The model should generate an image featuring the Palace of Versailles, showcasing its grandeur, gardens, and historical significance",
- "Category": "Cultural knowledge",
- "Subcategory": "Construction",
- "prompt_id": 103,
- "Hint": "The Palace of Versailles with its magnificent architecture and elaborate gardens, showcasing grandeur and historical significance."
- },
- {
- "Prompt": "A copper-clad statue, a beacon of freedom and American ideals",
- "Explanation": "The model should generate an image featuring the Statue of Liberty, highlighting its towering presence and iconic torch-bearing figure",
- "Category": "Cultural knowledge",
- "Subcategory": "Construction",
- "prompt_id": 104,
- "Hint": "Statue of Liberty."
- },
- {
- "Prompt": "A modern structure that appears like a floating building, a beacon of light and art in the Spanish city of Bilbao",
- "Explanation": "The model should generate an image featuring the Guggenheim Museum Bilbao, showcasing its unique curved and metallic structure and its riverside location",
- "Category": "Cultural knowledge",
- "Subcategory": "Construction",
- "prompt_id": 105,
- "Hint": "The Guggenheim Museum Bilbao, featuring its unique curved and metallic structure by the riverside."
- },
- {
- "Prompt": "A symbol of imperial China, a sprawling complex of palaces and temples in Beijing",
- "Explanation": "The model should generate an image featuring the Forbidden City in Beijing, showcasing its vast scale and traditional Chinese architecture",
- "Category": "Cultural knowledge",
- "Subcategory": "Construction",
- "prompt_id": 106,
- "Hint": "The Forbidden City in Beijing, showcasing its vast scale and traditional Chinese architecture."
- },
- {
- "Prompt": "An opulent opera house, a center of culture and performing arts in Buenos Aires",
- "Explanation": "The model should generate an image featuring the Teatro Col\u00f3n, showcasing its lavish interior decoration and classical architectural style",
- "Category": "Cultural knowledge",
- "Subcategory": "Construction",
- "prompt_id": 107,
- "Hint": "Teatro Col\u00f3n interior with lavish decoration and classical architecture."
- },
- {
- "Prompt": "A spiraling tower, a symbol of modern architecture and a landmark in the Italian city of Pisa",
- "Explanation": "The model should generate an image featuring the Leaning Tower of Pisa, highlighting its unique leaning structure and its historical context",
- "Category": "Cultural knowledge",
- "Subcategory": "Construction",
- "prompt_id": 108,
- "Hint": "Leaning Tower of Pisa, highlighting its unique leaning structure and historical context."
- },
- {
- "Prompt": "The fruit known for its strong odor and distinctive taste",
- "Explanation": "The model should generate an image of a durian",
- "Category": "Cultural knowledge",
- "Subcategory": "Plant",
- "prompt_id": 109,
- "Hint": "Durian."
- },
- {
- "Prompt": "The fruit known for its high water content and refreshing, sweet taste",
- "Explanation": "The model should generate an image of a watermelon, which is mostly water and is perfect for hydrating during summer",
- "Category": "Cultural knowledge",
- "Subcategory": "Plant",
- "prompt_id": 110,
- "Hint": "Watermelon."
- },
- {
- "Prompt": "A fragrant bloom, often found in the Provence region, symbolically tied to French culture and cuisine",
- "Explanation": "The model should generate an image featuring lavender",
- "Category": "Cultural knowledge",
- "Subcategory": "Plant",
- "prompt_id": 111,
- "Hint": "Lavender."
- },
- {
- "Prompt": "A common fruit, often associated with American pies and a symbol of fall harvest in the United States",
- "Explanation": "The model should generate an image featuring apples",
- "Category": "Cultural knowledge",
- "Subcategory": "Plant",
- "prompt_id": 112,
- "Hint": "Apples."
- },
- {
- "Prompt": "A small, oval fruit with a fuzzy skin and a sweet, tart taste, often associated with the start of summer and the colour pink",
- "Explanation": "The model should generate an image related to peaches",
- "Category": "Cultural knowledge",
- "Subcategory": "Plant",
- "prompt_id": 113,
- "Hint": "Peach."
- },
- {
- "Prompt": "A small fruit with a sweet and sour taste, often found in the Amazonian parts of Colombia, used in popular juice",
- "Explanation": "The model should generate an image featuring Lulo",
- "Category": "Cultural knowledge",
- "Subcategory": "Plant",
- "prompt_id": 114,
- "Hint": "Lulo."
- },
- {
- "Prompt": "A resilient plant, associated with Mexican deserts and culture, known for its prickly texture",
- "Explanation": "The model should generate an image featuring a cactus, particularly the prickly pear",
- "Category": "Cultural knowledge",
- "Subcategory": "Plant",
- "prompt_id": 115,
- "Hint": "Cactus, particularly the prickly pear."
- },
- {
- "Prompt": "An autumn delight, a fruit with cultural significance in Japan, often seen in traditional dishes and rituals",
- "Explanation": "The model should generate an image featuring persimmons",
- "Category": "Cultural knowledge",
- "Subcategory": "Plant",
- "prompt_id": 116,
- "Hint": "Persimmons."
- },
- {
- "Prompt": "The large green fruit known for its smooth, creamy texture, often used in savoury dishes as a substitute for meat",
- "Explanation": "The model should generate an image related to avocados",
- "Category": "Cultural knowledge",
- "Subcategory": "Plant",
- "prompt_id": 117,
- "Hint": "Avocado."
- },
- {
- "Prompt": "The small, round, red fruit, known for its crisp texture, that is often said to keep the doctor away",
- "Explanation": "The model should generate an image related to apples",
- "Category": "Cultural knowledge",
- "Subcategory": "Plant",
- "prompt_id": 118,
- "Hint": "Red apple."
- },
- {
- "Prompt": "A national tree of Argentina, known for its bright red flowers that bloom in the spring",
- "Explanation": "The model should generate an image featuring a ceibo tree",
- "Category": "Cultural knowledge",
- "Subcategory": "Plant",
- "prompt_id": 119,
- "Hint": "Ceibo tree with bright red flowers."
- },
- {
- "Prompt": "The climbing plant with large, heart-shaped leaves and a distinctive, sweet scent, often associated with happiness and new beginnings",
- "Explanation": "The model should generate an image related to Morning Glory flowers",
- "Category": "Cultural knowledge",
- "Subcategory": "Plant",
- "prompt_id": 120,
- "Hint": "Morning Glory flowers."
- },
- {
- "Prompt": "A flower that is often associated with the arrival of spring, and known for its vibrant colours and cup-like shape",
- "Explanation": "The model should generate an image of a tulip",
- "Category": "Cultural knowledge",
- "Subcategory": "Plant",
- "prompt_id": 121,
- "Hint": "Tulip."
- },
- {
- "Prompt": "A flower deeply significant in Vietnamese culture, representing purity, serenity, and spiritual growth",
- "Explanation": "The model should generate an image featuring a lotus flower",
- "Category": "Cultural knowledge",
- "Subcategory": "Plant",
- "prompt_id": 122,
- "Hint": "Lotus flower."
- },
- {
- "Prompt": "A large yellow flower that faces the sun",
- "Explanation": "The model should generate an image of the sunflower",
- "Category": "Cultural knowledge",
- "Subcategory": "Plant",
- "prompt_id": 123,
- "Hint": "Sunflower."
- },
- {
- "Prompt": "A fruit with a vibrant red color, often used in Korean dishes and drinks, known for its unique taste",
- "Explanation": "The model should generate an image featuring Bokbunja (Korean raspberries)",
- "Category": "Cultural knowledge",
- "Subcategory": "Plant",
- "prompt_id": 124,
- "Hint": "Bokbunja (Korean raspberries)."
- },
- {
- "Prompt": "A citrus fruit known for its sweetness and juiciness, widely cultivated in Spain, especially the Valencia variety",
- "Explanation": "The model should generate an image featuring oranges",
- "Category": "Cultural knowledge",
- "Subcategory": "Plant",
- "prompt_id": 125,
- "Hint": "Oranges."
- },
- {
- "Prompt": "A plant historically significant in ancient Egypt for making paper, associated with the Nile river",
- "Explanation": "The model should generate an image featuring a papyrus plant",
- "Category": "Cultural knowledge",
- "Subcategory": "Plant",
- "prompt_id": 126,
- "Hint": "Papyrus plant."
- },
- {
- "Prompt": "A fruit that has a unique appearance, with segments that look like fingers, originating from a region in Southeast Asia, often used in desserts",
- "Explanation": "The model should generate an image featuring a Buddha's Hand fruit",
- "Category": "Cultural knowledge",
- "Subcategory": "Plant",
- "prompt_id": 127,
- "Hint": "Buddha's Hand fruit."
- },
- {
- "Prompt": "The fruit often used as both a food and a decorative item in festivals",
- "Explanation": "The model should generate an image of a pomegranate, known for its ruby-red seeds and symbolizing abundance",
- "Category": "Cultural knowledge",
- "Subcategory": "Plant",
- "prompt_id": 128,
- "Hint": "Pomegranate."
- },
- {
- "Prompt": "A fruit renowned for its smooth texture and sweetness, often regarded as one of the best in the world, particularly in the Philippines",
- "Explanation": "The model should generate an image featuring mangoes",
- "Category": "Cultural knowledge",
- "Subcategory": "Plant",
- "prompt_id": 129,
- "Hint": "Mangoes."
- },
- {
- "Prompt": "A berry-like fruit that is a vibrant dark colour, often used in jams, or to flavour other foods",
- "Explanation": "The model should generate an image related to blueberries",
- "Category": "Cultural knowledge",
- "Subcategory": "Plant",
- "prompt_id": 130,
- "Hint": "Blueberries."
- },
- {
- "Prompt": "A tree symbolizing peace, wisdom, and the long history of Greek agriculture",
- "Explanation": "The model should generate an image featuring an olive tree",
- "Category": "Cultural knowledge",
- "Subcategory": "Plant",
- "prompt_id": 131,
- "Hint": "Olive tree."
- },
- {
- "Prompt": "The plant that represents the beauty of Japan",
- "Explanation": "The model should generate an image of a cherry blossom tree, symbolizing the transient beauty of life in Japan",
- "Category": "Cultural knowledge",
- "Subcategory": "Plant",
- "prompt_id": 132,
- "Hint": "Cherry blossom tree."
- },
- {
- "Prompt": "The sweet fruit with a smooth skin, a large central seed, and a bright red colour that is often associated with love and romance",
- "Explanation": "The model should generate an image related to cherries",
- "Category": "Cultural knowledge",
- "Subcategory": "Plant",
- "prompt_id": 133,
- "Hint": "Cherry."
- },
- {
- "Prompt": "A small, brown, fuzzy fruit with bright green flesh, a national symbol of New Zealand",
- "Explanation": "The model should generate an image featuring kiwis",
- "Category": "Cultural knowledge",
- "Subcategory": "Plant",
- "prompt_id": 134,
- "Hint": "Kiwi fruit."
- },
- {
- "Prompt": "A delicate blossom, a symbol of beauty and renewal in Japan, especially during the spring season",
- "Explanation": "The model should generate an image featuring cherry blossoms (sakura)",
- "Category": "Cultural knowledge",
- "Subcategory": "Plant",
- "prompt_id": 135,
- "Hint": "Cherry blossoms (sakura)."
- },
- {
- "Prompt": "The citrus fruit often segmented, with a vibrant orange peel and a sweet, tangy taste, often enjoyed during winter",
- "Explanation": "The model should generate an image related to oranges",
- "Category": "Cultural knowledge",
- "Subcategory": "Plant",
- "prompt_id": 136,
- "Hint": "Orange."
- },
- {
- "Prompt": "The plant known for its sharp thorns and delicate, fragrant blossoms, often associated with resilience and romance",
- "Explanation": "The model should generate an image of a rose bush",
- "Category": "Cultural knowledge",
- "Subcategory": "Plant",
- "prompt_id": 137,
- "Hint": "Rose bush."
- },
- {
- "Prompt": "A yellow, curved fruit that monkeys like",
- "Explanation": "The model should generate an image of a banana or bananas",
- "Category": "Cultural knowledge",
- "Subcategory": "Plant",
- "prompt_id": 138,
- "Hint": "Banana."
- },
- {
- "Prompt": "A tree of deep cultural and economic significance in Italy, particularly in relation to olive oil production",
- "Explanation": "The model should generate an image featuring an olive tree",
- "Category": "Cultural knowledge",
- "Subcategory": "Plant",
- "prompt_id": 139,
- "Hint": "Olive tree."
- },
- {
- "Prompt": "The small, sweet fruit that grows in bunches on a vine, and is often used to make wine or juice",
- "Explanation": "The model should generate an image related to grapes",
- "Category": "Cultural knowledge",
- "Subcategory": "Plant",
- "prompt_id": 140,
- "Hint": "Grapes."
- },
- {
- "Prompt": "A tree symbolic of Russian landscapes, especially in the vast forests of Siberia",
- "Explanation": "The model should generate an image featuring a birch tree",
- "Category": "Cultural knowledge",
- "Subcategory": "Plant",
- "prompt_id": 141,
- "Hint": "Birch tree."
- },
- {
- "Prompt": "The fruit that is typically used to make lemonade",
- "Explanation": "The model should generate an image of lemons",
- "Category": "Cultural knowledge",
- "Subcategory": "Plant",
- "prompt_id": 142,
- "Hint": "Lemons."
- },
- {
- "Prompt": "An image of a tree with distinct dark green needle-like leaves and cones, often associated with winter and Christmas celebrations",
- "Explanation": "The model should generate an image of a pine tree",
- "Category": "Cultural knowledge",
- "Subcategory": "Plant",
- "prompt_id": 143,
- "Hint": "Pine tree."
- },
- {
- "Prompt": "The flower that represents love in Western culture",
- "Explanation": "The model should generate an image of a red rose, symbolizing romance and passion",
- "Category": "Cultural knowledge",
- "Subcategory": "Plant",
- "prompt_id": 144,
- "Hint": "Red rose."
- },
- {
- "Prompt": "A national flower of Colombia, celebrated for its rich diversity",
- "Explanation": "The model should generate an image featuring an orchid, specifically a Cattleya trianae",
- "Category": "Cultural knowledge",
- "Subcategory": "Plant",
- "prompt_id": 145,
- "Hint": "Cattleya trianae orchid."
- },
- {
- "Prompt": "Show a plant that is a symbol of good fortune in Irish culture, and is known for its three-lobed leaves",
- "Explanation": "The model should generate an image related to shamrocks",
- "Category": "Cultural knowledge",
- "Subcategory": "Plant",
- "prompt_id": 146,
- "Hint": "Shamrock."
- },
- {
- "Prompt": "Show a plant that is well known for its bright red leaves in the winter season and is often used for festive decoration",
- "Explanation": "The model should generate an image related to the poinsettia",
- "Category": "Cultural knowledge",
- "Subcategory": "Plant",
- "prompt_id": 147,
- "Hint": "Poinsettia with bright red leaves used for festive decoration in the winter season."
- },
- {
- "Prompt": "A fruit that is a traditional part of the Chinese New Year, often associated with good fortune and prosperity",
- "Explanation": "The model should generate an image featuring Mandarin oranges",
- "Category": "Cultural knowledge",
- "Subcategory": "Plant",
- "prompt_id": 148,
- "Hint": "Mandarin oranges."
- },
- {
- "Prompt": "The plant often gifted on Mother's Day",
- "Explanation": "The model should generate an image of a bouquet of carnations, a popular flower symbolizing love and admiration, often given on Mother's Day",
- "Category": "Cultural knowledge",
- "Subcategory": "Plant",
- "prompt_id": 149,
- "Hint": "Bouquet of carnations."
- },
- {
- "Prompt": "The tallest tree species in the world",
- "Explanation": "The model should generate an image of a coast redwood tree, highlighting its towering height and dense foliage",
- "Category": "Cultural knowledge",
- "Subcategory": "Plant",
- "prompt_id": 150,
- "Hint": "Coast redwood tree, highlighting its towering height and dense foliage."
- },
- {
- "Prompt": "A sweet and nutritious fruit, cultivated for centuries in Egypt, holding great cultural significance",
- "Explanation": "The model should generate an image featuring dates",
- "Category": "Cultural knowledge",
- "Subcategory": "Plant",
- "prompt_id": 151,
- "Hint": "Dates."
- },
- {
- "Prompt": "A dark purple berry from the Amazon, known for its health benefits and used in popular dishes in Brazil",
- "Explanation": "The model should generate an image featuring acai berries",
- "Category": "Cultural knowledge",
- "Subcategory": "Plant",
- "prompt_id": 152,
- "Hint": "Acai berries."
- },
- {
- "Prompt": "The largest individual flower in the world, native to the rainforests of Indonesia",
- "Explanation": "The model should generate an image featuring a Rafflesia flower",
- "Category": "Cultural knowledge",
- "Subcategory": "Plant",
- "prompt_id": 153,
- "Hint": "Rafflesia flower."
- },
- {
- "Prompt": "The plant that most represents peace",
- "Explanation": "The model should generate an image of an olive branch, a universal symbol of peace",
- "Category": "Cultural knowledge",
- "Subcategory": "Plant",
- "prompt_id": 154,
- "Hint": "Olive branch."
- },
- {
- "Prompt": "A unique flower, a symbol of South Africa's national flora and its biodiversity",
- "Explanation": "The model should generate an image featuring a protea flower",
- "Category": "Cultural knowledge",
- "Subcategory": "Plant",
- "prompt_id": 155,
- "Hint": "Protea flower."
- },
- {
- "Prompt": "A flower that symbolizes purity in China",
- "Explanation": "This refers to the lotus, which is often associated with purity and spiritual enlightenment, growing in muddy waters yet remaining untainted",
- "Category": "Cultural knowledge",
- "Subcategory": "Plant",
- "prompt_id": 156,
- "Hint": "Lotus."
- },
- {
- "Prompt": "The plant revered in ancient Egyptian culture",
- "Explanation": "The model should generate an image of the papyrus plant, symbolizing ancient Egyptian writing and art",
- "Category": "Cultural knowledge",
- "Subcategory": "Plant",
- "prompt_id": 157,
- "Hint": "Papyrus plant."
- },
- {
- "Prompt": "A plant with delicate purple flowers that is often used to give food and drinks a particular flavour and is known for its calming qualities",
- "Explanation": "The model should generate an image related to lavender",
- "Category": "Cultural knowledge",
- "Subcategory": "Plant",
- "prompt_id": 158,
- "Hint": "Lavender."
- },
- {
- "Prompt": "A flower with deep cultural and religious significance in India, representing purity and beauty",
- "Explanation": "The model should generate an image featuring a lotus flower",
- "Category": "Cultural knowledge",
- "Subcategory": "Plant",
- "prompt_id": 159,
- "Hint": "Lotus flower."
- },
- {
- "Prompt": "The tree that represents strength in many cultures",
- "Explanation": "The model should generate an image of an oak tree, known for its strength and longevity",
- "Category": "Cultural knowledge",
- "Subcategory": "Plant",
- "prompt_id": 160,
- "Hint": "Oak tree."
- },
- {
- "Prompt": "A distinctive fruit in Thailand, often referred to as the 'king of fruits' in Southeast Asia, known for its strong odor",
- "Explanation": "The model should generate an image featuring durians",
- "Category": "Cultural knowledge",
- "Subcategory": "Plant",
- "prompt_id": 161,
- "Hint": "Durians."
- },
- {
- "Prompt": "A large, broad-leafed tropical plant, often associated with hospitality and used in a variety of dishes",
- "Explanation": "The model should generate an image of a banana plant",
- "Category": "Cultural knowledge",
- "Subcategory": "Plant",
- "prompt_id": 162,
- "Hint": "Banana plant."
- },
- {
- "Prompt": "The bright yellow citrus fruit, known for its sour taste and high acidity, that is often used in cooking and baking",
- "Explanation": "The model should generate an image related to lemons",
- "Category": "Cultural knowledge",
- "Subcategory": "Plant",
- "prompt_id": 163,
- "Hint": "Lemon."
- },
- {
- "Prompt": "A prickly green plant found in deserts",
- "Explanation": "The model should generate an image of the cactus",
- "Category": "Cultural knowledge",
- "Subcategory": "Plant",
- "prompt_id": 164,
- "Hint": "Cactus."
- },
- {
- "Prompt": "The most drought-resistant plant in the desert",
- "Explanation": "The model should generate an image of a cactus, emphasizing its ability to store water and survive in arid conditions",
- "Category": "Cultural knowledge",
- "Subcategory": "Plant",
- "prompt_id": 165,
- "Hint": "Cactus."
- },
- {
- "Prompt": "The fruit that most associates with Christmas",
- "Explanation": "The model should generate an image of a cranberry, a fruit widely used in holiday meals and decorations",
- "Category": "Cultural knowledge",
- "Subcategory": "Plant",
- "prompt_id": 166,
- "Hint": "Cranberry."
- },
- {
- "Prompt": "A national plant symbol of New Zealand, often seen in sports and cultural contexts",
- "Explanation": "The model should generate an image featuring a silver fern",
- "Category": "Cultural knowledge",
- "Subcategory": "Plant",
- "prompt_id": 167,
- "Hint": "Silver fern."
- },
- {
- "Prompt": "A bright yellow fruit, considered the national fruit of Jamaica and can be eaten raw or cooked",
- "Explanation": "The model should generate an image featuring Ackee",
- "Category": "Cultural knowledge",
- "Subcategory": "Plant",
- "prompt_id": 168,
- "Hint": "Ackee."
- },
- {
- "Prompt": "A type of fruit that is often used for both sweet and savoury dishes, known for its mild and adaptable flavour",
- "Explanation": "The model should generate an image related to pears",
- "Category": "Cultural knowledge",
- "Subcategory": "Plant",
- "prompt_id": 169,
- "Hint": "Pear."
- },
- {
- "Prompt": "A fruit known for its unique shape, with a star-like cross section when sliced, a popular snack in Southeast Asia",
- "Explanation": "The model should generate an image featuring Star Fruit (Carambola)",
- "Category": "Cultural knowledge",
- "Subcategory": "Plant",
- "prompt_id": 170,
- "Hint": "Star Fruit (Carambola)."
- },
- {
- "Prompt": "An iconic tree in African savannas, symbolizing national parks and wildlife in Kenya",
- "Explanation": "The model should generate an image featuring an acacia tree",
- "Category": "Cultural knowledge",
- "Subcategory": "Plant",
- "prompt_id": 171,
- "Hint": "Acacia tree."
- },
- {
- "Prompt": "A beloved fruit in India, known as the 'king of fruits,' cherished for its rich flavor and cultural significance",
- "Explanation": "The model should generate an image featuring mangoes",
- "Category": "Cultural knowledge",
- "Subcategory": "Plant",
- "prompt_id": 172,
- "Hint": "Mangoes."
- },
- {
- "Prompt": "The tropical fruit with a spiky exterior and sweet, juicy interior",
- "Explanation": "The model should generate an image of a pineapple, a tropical fruit with a rough, spiky skin and sweet, tangy flesh",
- "Category": "Cultural knowledge",
- "Subcategory": "Plant",
- "prompt_id": 173,
- "Hint": "Pineapple."
- },
- {
- "Prompt": "The fruit known for its smooth, waxy skin, pear-like shape, and sweet taste, that is often found in tropical regions",
- "Explanation": "The model should generate an image related to mangoes",
- "Category": "Cultural knowledge",
- "Subcategory": "Plant",
- "prompt_id": 174,
- "Hint": "Mango."
- },
- {
- "Prompt": "A famous flower that symbolizes wealth in China",
- "Explanation": "This refers to the peony, often called the 'King of Flowers' in China, symbolizing wealth, prosperity, and good fortune in Chinese culture",
- "Category": "Cultural knowledge",
- "Subcategory": "Plant",
- "prompt_id": 175,
- "Hint": "Peony."
- },
- {
- "Prompt": "A famous flower that symbolizes loyalty in China",
- "Explanation": "This refers to the chrysanthemum, which symbolizes loyalty, endurance, and integrity in Chinese culture, often associated with the late autumn season",
- "Category": "Cultural knowledge",
- "Subcategory": "Plant",
- "prompt_id": 176,
- "Hint": "Chrysanthemum."
- },
- {
- "Prompt": "A tropical fruit, enjoyed fresh or in candies in Mexico, characterized by its distinctive flavor and often paired with chili",
- "Explanation": "The model should generate an image featuring mangoes",
- "Category": "Cultural knowledge",
- "Subcategory": "Plant",
- "prompt_id": 177,
- "Hint": "Mangoes."
- },
- {
- "Prompt": "Show an image of a plant whose leaves are used in many dishes in the Mediterranean and is known for its aromatic scent and needle-like leaves",
- "Explanation": "The model should generate an image related to rosemary",
- "Category": "Cultural knowledge",
- "Subcategory": "Plant",
- "prompt_id": 178,
- "Hint": "Rosemary plant with needle-like leaves."
- },
- {
- "Prompt": "A tall, sturdy plant with large heads of grain, often associated with farming and the harvest season",
- "Explanation": "The model should generate an image related to wheat",
- "Category": "Cultural knowledge",
- "Subcategory": "Plant",
- "prompt_id": 179,
- "Hint": "Wheat."
- },
- {
- "Prompt": "A majestic striped animal, symbolizing the wildlife of Bangladesh",
- "Explanation": "The model should generate an image featuring a Royal Bengal tiger",
- "Category": "Cultural knowledge",
- "Subcategory": "Animal",
- "prompt_id": 180,
- "Hint": "Royal Bengal tiger."
- },
- {
- "Prompt": "The large bird known for its powerful talons and hunting prowess, often seen soaring in the mountains or open skies",
- "Explanation": "The model should generate an image of an eagle",
- "Category": "Cultural knowledge",
- "Subcategory": "Animal",
- "prompt_id": 181,
- "Hint": "Eagle."
- },
- {
- "Prompt": "Show an image of a small primate with large, expressive eyes, often known for their nocturnal habits",
- "Explanation": "The model should generate an image of a tarsier",
- "Category": "Cultural knowledge",
- "Subcategory": "Animal",
- "prompt_id": 182,
- "Hint": "Tarsier."
- },
- {
- "Prompt": "An animal with a long nose",
- "Explanation": "The model should generate an image of an elephant",
- "Category": "Cultural knowledge",
- "Subcategory": "Animal",
- "prompt_id": 183,
- "Hint": "Elephant."
- },
- {
- "Prompt": "The fastest land animal",
- "Explanation": "The model should generate an image of a cheetah, known for its incredible speed on land",
- "Category": "Cultural knowledge",
- "Subcategory": "Animal",
- "prompt_id": 184,
- "Hint": "Cheetah."
- },
- {
- "Prompt": "A large animal, a symbol of national pride in Thailand",
- "Explanation": "The model should generate an image featuring an elephant",
- "Category": "Cultural knowledge",
- "Subcategory": "Animal",
- "prompt_id": 185,
- "Hint": "Elephant."
- },
- {
- "Prompt": "A majestic striped animal, a symbol of India's wildlife",
- "Explanation": "The model should generate an image featuring a Bengal tiger",
- "Category": "Cultural knowledge",
- "Subcategory": "Animal",
- "prompt_id": 186,
- "Hint": "Bengal tiger."
- },
- {
- "Prompt": "An animal representing natural heritage in Italy",
- "Explanation": "The model should generate an image featuring an Italian wolf",
- "Category": "Cultural knowledge",
- "Subcategory": "Animal",
- "prompt_id": 187,
- "Hint": "Italian wolf."
- },
- {
- "Prompt": "A feline figure on the Dutch coat of arms",
- "Explanation": "The model should generate an image featuring a lion",
- "Category": "Cultural knowledge",
- "Subcategory": "Animal",
- "prompt_id": 188,
- "Hint": "Lion."
- },
- {
- "Prompt": "The animal known for its distinctive hump and ability to survive in deserts",
- "Explanation": "The model should generate an image of a camel, characterized by its hump and desert adaptability",
- "Category": "Cultural knowledge",
- "Subcategory": "Animal",
- "prompt_id": 189,
- "Hint": "Camel."
- },
- {
- "Prompt": "The flying animal associated with wisdom and long life in Asian culture",
- "Explanation": "The model should generate an image of a crane, symbolizing wisdom and longevity",
- "Category": "Cultural knowledge",
- "Subcategory": "Animal",
- "prompt_id": 190,
- "Hint": "Crane."
- },
- {
- "Prompt": "The creature that crawls slowly with a protective shell on its back",
- "Explanation": "The model should generate an image of a turtle or tortoise",
- "Category": "Cultural knowledge",
- "Subcategory": "Animal",
- "prompt_id": 191,
- "Hint": "Turtle or tortoise."
- },
- {
- "Prompt": "The first element in the Chinese Five Elements system",
- "Explanation": "The model should generate an image of wood",
- "Category": "Cultural knowledge",
- "Subcategory": "Animal",
- "prompt_id": 192,
- "Hint": "Wood."
- },
- {
- "Prompt": "A powerful marsupial, a national symbol of Australia",
- "Explanation": "The model should generate an image featuring a kangaroo",
- "Category": "Cultural knowledge",
- "Subcategory": "Animal",
- "prompt_id": 193,
- "Hint": "Kangaroo."
- },
- {
- "Prompt": "A mythical creature embodying Singapore's origins",
- "Explanation": "The model should generate an image featuring a merlion",
- "Category": "Cultural knowledge",
- "Subcategory": "Animal",
- "prompt_id": 194,
- "Hint": "Merlion."
- },
- {
- "Prompt": "The large feline with a golden coat and black spots, often seen as a symbol of grace and beauty in the wild",
- "Explanation": "The model should generate an image of a leopard",
- "Category": "Cultural knowledge",
- "Subcategory": "Animal",
- "prompt_id": 195,
- "Hint": "Leopard."
- },
- {
- "Prompt": "The animal that is a symbol of good luck in Chinese culture",
- "Explanation": "The model should generate an image of a koi fish, representing prosperity and perseverance",
- "Category": "Cultural knowledge",
- "Subcategory": "Animal",
- "prompt_id": 196,
- "Hint": "Koi fish."
- },
- {
- "Prompt": "The animal that emerges from a cocoon, symbolizing transformation",
- "Explanation": "The model should generate an image of a butterfly emerging from a cocoon, highlighting the process of metamorphosis",
- "Category": "Cultural knowledge",
- "Subcategory": "Animal",
- "prompt_id": 197,
- "Hint": "Butterfly emerging from a cocoon, symbolizing transformation."
- },
- {
- "Prompt": "The aquatic mammal known for its playful nature and intelligence, often seen performing tricks in marine parks",
- "Explanation": "The model should generate an image of a dolphin",
- "Category": "Cultural knowledge",
- "Subcategory": "Animal",
- "prompt_id": 198,
- "Hint": "Dolphin."
- },
- {
- "Prompt": "The largest animal in the ocean",
- "Explanation": "The model should generate an image of a blue whale, the largest animal inhabiting the ocean",
- "Category": "Cultural knowledge",
- "Subcategory": "Animal",
- "prompt_id": 199,
- "Hint": "Blue whale."
- },
- {
- "Prompt": "The bird famous for its colorful feathers and mimicry of sounds",
- "Explanation": "The model should generate an image of a parrot, renowned for its vibrant colors and ability to mimic human speech",
- "Category": "Cultural knowledge",
- "Subcategory": "Animal",
- "prompt_id": 200,
- "Hint": "A parrot with vibrant colors and known for mimicking sounds."
- },
- {
- "Prompt": "A representation of natural heritage in Italy",
- "Explanation": "The model should generate an image featuring an Italian wolf",
- "Category": "Cultural knowledge",
- "Subcategory": "Animal",
- "prompt_id": 201,
- "Hint": "Italian wolf."
- },
- {
- "Prompt": "An animal featured on the United Kingdom's coat of arms",
- "Explanation": "The model should generate an image featuring a lion",
- "Category": "Cultural knowledge",
- "Subcategory": "Animal",
- "prompt_id": 202,
- "Hint": "Lion."
- },
- {
- "Prompt": "The animal known for its sly and cunning nature",
- "Explanation": "The model should generate an image of a fox, often portrayed as clever and cunning in folklore",
- "Category": "Cultural knowledge",
- "Subcategory": "Animal",
- "prompt_id": 203,
- "Hint": "Fox."
- },
- {
- "Prompt": "The animal symbolizing purity and sacrifice in Christian teachings",
- "Explanation": "The model should generate an image of a lamb",
- "Category": "Cultural knowledge",
- "Subcategory": "Animal",
- "prompt_id": 204,
- "Hint": "Lamb."
- },
- {
- "Prompt": "An iconic reptile, a symbol of biodiversity in Indonesia",
- "Explanation": "The model should generate an image featuring a Komodo dragon",
- "Category": "Cultural knowledge",
- "Subcategory": "Animal",
- "prompt_id": 205,
- "Hint": "Komodo dragon."
- },
- {
- "Prompt": "A revered animal, with cultural significance in Nepal",
- "Explanation": "The model should generate an image featuring a cow",
- "Category": "Cultural knowledge",
- "Subcategory": "Animal",
- "prompt_id": 206,
- "Hint": "Cow."
- },
- {
- "Prompt": "The animal known for its long neck and ability to reach tall trees",
- "Explanation": "The model should generate an image of a giraffe, recognized by its long neck and height",
- "Category": "Cultural knowledge",
- "Subcategory": "Animal",
- "prompt_id": 207,
- "Hint": "Giraffe."
- },
- {
- "Prompt": "The animal associated with wisdom and guidance in Greek mythology",
- "Explanation": "The model should generate an image of an owl, symbolizing wisdom and often seen as Athena's companion",
- "Category": "Cultural knowledge",
- "Subcategory": "Animal",
- "prompt_id": 208,
- "Hint": "An owl, symbolizing wisdom and often seen as Athena's companion in Greek mythology."
- },
- {
- "Prompt": "An animal, a symbol of strength in Brazil",
- "Explanation": "The model should generate an image featuring a jaguar",
- "Category": "Cultural knowledge",
- "Subcategory": "Animal",
- "prompt_id": 209,
- "Hint": "Jaguar."
- },
- {
- "Prompt": "The animal that crows in the morning",
- "Explanation": "The model should generate an image of a rooster, the animal known for its morning crowing",
- "Category": "Cultural knowledge",
- "Subcategory": "Animal",
- "prompt_id": 210,
- "Hint": "Rooster."
- },
- {
- "Prompt": "The smallest bird in the world",
- "Explanation": "The model should generate an image of a hummingbird",
- "Category": "Cultural knowledge",
- "Subcategory": "Animal",
- "prompt_id": 211,
- "Hint": "Hummingbird."
- },
- {
- "Prompt": "The animal that symbolizes rebirth and immortality in mythology",
- "Explanation": "The model should generate an image of a phoenix, rising from flames to symbolize renewal and eternal life",
- "Category": "Cultural knowledge",
- "Subcategory": "Animal",
- "prompt_id": 212,
- "Hint": "Phoenix rising from flames, symbolizing renewal and eternal life."
- },
- {
- "Prompt": "A national treasure animal of China",
- "Explanation": "The model should generate an image featuring a giant panda",
- "Category": "Cultural knowledge",
- "Subcategory": "Animal",
- "prompt_id": 213,
- "Hint": "Giant panda."
- },
- {
- "Prompt": "A horned animal, culturally significant in Spain",
- "Explanation": "The model should generate an image featuring a bull",
- "Category": "Cultural knowledge",
- "Subcategory": "Animal",
- "prompt_id": 214,
- "Hint": "Bull."
- },
- {
- "Prompt": "A bird of prey, a national symbol of the United States",
- "Explanation": "The model should generate an image featuring a bald eagle",
- "Category": "Cultural knowledge",
- "Subcategory": "Animal",
- "prompt_id": 215,
- "Hint": "Bald eagle."
- },
- {
- "Prompt": "A vital beast of burden in Philippine agriculture",
- "Explanation": "The model should generate an image featuring a carabao",
- "Category": "Cultural knowledge",
- "Subcategory": "Animal",
- "prompt_id": 216,
- "Hint": "Carabao."
- },
- {
- "Prompt": "A breed known for rescue in the Swiss Alps",
- "Explanation": "The model should generate an image featuring a St Bernard dog",
- "Category": "Cultural knowledge",
- "Subcategory": "Animal",
- "prompt_id": 217,
- "Hint": "St Bernard dog."
- },
- {
- "Prompt": "The animal often depicted as the protector of treasures in East Asian mythology",
- "Explanation": "The model should generate an image of a dragon, symbolizing power, protection, and mystery in East Asian culture",
- "Category": "Cultural knowledge",
- "Subcategory": "Animal",
- "prompt_id": 218,
- "Hint": "Dragon."
- },
- {
- "Prompt": "The national animal of South Africa",
- "Explanation": "The model should generate an image featuring a springbok",
- "Category": "Cultural knowledge",
- "Subcategory": "Animal",
- "prompt_id": 219,
- "Hint": "Springbok."
- },
- {
- "Prompt": "The animal symbolizing hard work and dedication in Chinese culture",
- "Explanation": "The model should generate an image of a cow",
- "Category": "Cultural knowledge",
- "Subcategory": "Animal",
- "prompt_id": 220,
- "Hint": "Cow."
- },
- {
- "Prompt": "A South American pack animal of the Andes",
- "Explanation": "The model should generate an image featuring a llama",
- "Category": "Cultural knowledge",
- "Subcategory": "Animal",
- "prompt_id": 221,
- "Hint": "Llama."
- },
- {
- "Prompt": "The largest land animal in the world",
- "Explanation": "The model should generate an image of an African elephant",
- "Category": "Cultural knowledge",
- "Subcategory": "Animal",
- "prompt_id": 222,
- "Hint": "African elephant."
- },
- {
- "Prompt": "An animal with long horns, a symbol of conservation in the UAE",
- "Explanation": "The model should generate an image featuring an Arabian oryx",
- "Category": "Cultural knowledge",
- "Subcategory": "Animal",
- "prompt_id": 223,
- "Hint": "Arabian oryx."
- },
- {
- "Prompt": "A bird of prey, a national symbol of Mexico",
- "Explanation": "The model should generate an image featuring a golden eagle",
- "Category": "Cultural knowledge",
- "Subcategory": "Animal",
- "prompt_id": 224,
- "Hint": "Golden eagle."
- },
- {
- "Prompt": "A fluffy, tree-dwelling marsupial native to Australia",
- "Explanation": "The model should generate an image of a koala",
- "Category": "Cultural knowledge",
- "Subcategory": "Animal",
- "prompt_id": 225,
- "Hint": "Koala."
- },
- {
- "Prompt": "A small, brightly coloured bird known for its ability to hover in the air while drinking nectar from flowers",
- "Explanation": "The model should generate an image of a hummingbird",
- "Category": "Cultural knowledge",
- "Subcategory": "Animal",
- "prompt_id": 226,
- "Hint": "Hummingbird."
- },
- {
- "Prompt": "The large, herbivorous mammal known for its stripes and preference for grasslands, common in African wildlife",
- "Explanation": "The model should generate an image of a zebra",
- "Category": "Cultural knowledge",
- "Subcategory": "Animal",
- "prompt_id": 227,
- "Hint": "Zebra"
- },
- {
- "Prompt": "The animal that is often associated with loyalty and companionship",
- "Explanation": "The model should generate an image of a dog, symbolizing loyalty and companionship",
- "Category": "Cultural knowledge",
- "Subcategory": "Animal",
- "prompt_id": 228,
- "Hint": "Dog."
- },
- {
- "Prompt": "An animal central to farming and culture in Vietnam",
- "Explanation": "The model should generate an image featuring a water buffalo",
- "Category": "Cultural knowledge",
- "Subcategory": "Animal",
- "prompt_id": 229,
- "Hint": "Water buffalo."
- },
- {
- "Prompt": "A primate with a distinctive red face, living in northern Japan",
- "Explanation": "The model should generate an image featuring a Japanese macaque",
- "Category": "Cultural knowledge",
- "Subcategory": "Animal",
- "prompt_id": 230,
- "Hint": "Japanese macaque."
- },
- {
- "Prompt": "The animal known for its majestic antlers and serene presence",
- "Explanation": "The model should generate an image of a deer, often associated with grace and gentleness",
- "Category": "Cultural knowledge",
- "Subcategory": "Animal",
- "prompt_id": 231,
- "Hint": "Deer."
- },
- {
- "Prompt": "The animal that symbolizes peace and purity",
- "Explanation": "The model should generate an image of a dove, often associated with peace and spiritual purity",
- "Category": "Cultural knowledge",
- "Subcategory": "Animal",
- "prompt_id": 232,
- "Hint": "Dove."
- },
- {
- "Prompt": "Show an image of a large, grey animal with thick skin and a horn on its nose, often found in Africa and Asia",
- "Explanation": "The model should generate an image of a rhinoceros",
- "Category": "Cultural knowledge",
- "Subcategory": "Animal",
- "prompt_id": 233,
- "Hint": "Rhinoceros."
- },
- {
- "Prompt": "Show a large animal that lives in the arctic and subarctic, known for its thick white fur",
- "Explanation": "The model should generate an image of a polar bear",
- "Category": "Cultural knowledge",
- "Subcategory": "Animal",
- "prompt_id": 234,
- "Hint": "Polar bear."
- },
- {
- "Prompt": "An endangered striped animal, a conservation symbol in Malaysia",
- "Explanation": "The model should generate an image featuring a Malayan tiger",
- "Category": "Cultural knowledge",
- "Subcategory": "Animal",
- "prompt_id": 235,
- "Hint": "Malayan tiger."
- },
- {
- "Prompt": "A semi-aquatic rodent, a national symbol of Canada",
- "Explanation": "The model should generate an image featuring a beaver",
- "Category": "Cultural knowledge",
- "Subcategory": "Animal",
- "prompt_id": 236,
- "Hint": "Beaver."
- },
- {
- "Prompt": "The animal that symbolizes freedom and power in the sky",
- "Explanation": "The model should generate an image of an eagle, representing freedom, vision, and strength",
- "Category": "Cultural knowledge",
- "Subcategory": "Animal",
- "prompt_id": 237,
- "Hint": "Eagle."
- },
- {
- "Prompt": "A flightless bird native to New Zealand, a national symbol",
- "Explanation": "The model should generate an image featuring a kiwi bird",
- "Category": "Cultural knowledge",
- "Subcategory": "Animal",
- "prompt_id": 238,
- "Hint": "Kiwi bird."
- },
- {
- "Prompt": "A large animal, a symbol of Russia's wilderness",
- "Explanation": "The model should generate an image featuring a Russian brown bear",
- "Category": "Cultural knowledge",
- "Subcategory": "Animal",
- "prompt_id": 239,
- "Hint": "Russian brown bear."
- },
- {
- "Prompt": "A large bird, representing freedom in Colombia",
- "Explanation": "The model should generate an image featuring an Andean condor",
- "Category": "Cultural knowledge",
- "Subcategory": "Animal",
- "prompt_id": 240,
- "Hint": "Andean condor."
- },
- {
- "Prompt": "The nocturnal mammal with a distinctive 'mask' around its eyes, often known for its mischievous behaviour",
- "Explanation": "The model should generate an image of a raccoon",
- "Category": "Cultural knowledge",
- "Subcategory": "Animal",
- "prompt_id": 241,
- "Hint": "Raccoon."
- },
- {
- "Prompt": "The animal that produces honey",
- "Explanation": "The model should generate an image of a honeybee, known for producing honey and living in hives",
- "Category": "Cultural knowledge",
- "Subcategory": "Animal",
- "prompt_id": 242,
- "Hint": "Honeybee."
- },
- {
- "Prompt": "A bird embodying French heritage",
- "Explanation": "The model should generate an image featuring a Gallic rooster",
- "Category": "Cultural knowledge",
- "Subcategory": "Animal",
- "prompt_id": 243,
- "Hint": "Gallic rooster."
- },
- {
- "Prompt": "The bird that cannot fly but is known for its speed on land",
- "Explanation": "The model should generate an image of an ostrich, the flightless bird famous for its running speed",
- "Category": "Cultural knowledge",
- "Subcategory": "Animal",
- "prompt_id": 244,
- "Hint": "Ostrich."
- },
- {
- "Prompt": "The animal that is considered sacred in Indian culture",
- "Explanation": "The model should generate an image of a cow, revered as a symbol of life and prosperity in India",
- "Category": "Cultural knowledge",
- "Subcategory": "Animal",
- "prompt_id": 245,
- "Hint": "Cow."
- },
- {
- "Prompt": "The animal that spins webs",
- "Explanation": "The model should generate an image of a spider, known for its web-spinning ability",
- "Category": "Cultural knowledge",
- "Subcategory": "Animal",
- "prompt_id": 246,
- "Hint": "Spider."
- },
- {
- "Prompt": "An animal, embodying the Finnish wilderness",
- "Explanation": "The model should generate an image featuring a brown bear",
- "Category": "Cultural knowledge",
- "Subcategory": "Animal",
- "prompt_id": 247,
- "Hint": "Brown bear."
- },
- {
- "Prompt": "The animal known for its black and white stripes",
- "Explanation": "The model should generate an image of a zebra, famous for its distinctive black and white striped pattern",
- "Category": "Cultural knowledge",
- "Subcategory": "Animal",
- "prompt_id": 248,
- "Hint": "Zebra."
- },
- {
- "Prompt": "A powerful big cat native to Argentina",
- "Explanation": "The model should generate an image featuring a jaguar",
- "Category": "Cultural knowledge",
- "Subcategory": "Animal",
- "prompt_id": 249,
- "Hint": "Jaguar."
- },
- {
- "Prompt": "A bird of prey, an emblem of Germany",
- "Explanation": "The model should generate an image featuring a federal eagle",
- "Category": "Cultural knowledge",
- "Subcategory": "Animal",
- "prompt_id": 250,
- "Hint": "Federal eagle."
- },
- {
- "Prompt": "The only mammal capable of true flight",
- "Explanation": "The model should generate an image of a bat, the only mammal that can achieve sustained flight",
- "Category": "Cultural knowledge",
- "Subcategory": "Animal",
- "prompt_id": 251,
- "Hint": "Bat."
- },
- {
- "Prompt": "A famous Art with a large body and strings, played by plucking",
- "Explanation": "The model should generate an image of a harp",
- "Category": "Cultural knowledge",
- "Subcategory": "Art",
- "prompt_id": 252,
- "Hint": "Harp."
- },
- {
- "Prompt": "An image showcasing a brass instrument, known for its coiled shape and mellow sound, common in jazz and classical settings",
- "Explanation": "The model should generate an image related to a French horn",
- "Category": "Cultural knowledge",
- "Subcategory": "Art",
- "prompt_id": 253,
- "Hint": "French horn."
- },
- {
- "Prompt": "An image of a wind instrument, often made of metal, that produces a bright and piercing sound, common in both classical and marching band settings",
- "Explanation": "The model should generate an image related to a trumpet",
- "Category": "Cultural knowledge",
- "Subcategory": "Art",
- "prompt_id": 254,
- "Hint": "Trumpet."
- },
- {
- "Prompt": "A stringed instrument with a long neck and a round body, often plucked and used in traditional Middle Eastern and North African music",
- "Explanation": "The model should generate an image related to an Oud",
- "Category": "Cultural knowledge",
- "Subcategory": "Art",
- "prompt_id": 255,
- "Hint": "Oud."
- },
- {
- "Prompt": "Show a set of flat, metallic plates that produce a bright, shimmering sound when struck, often used in orchestral music",
- "Explanation": "The model should generate an image related to cymbals",
- "Category": "Cultural knowledge",
- "Subcategory": "Art",
- "prompt_id": 256,
- "Hint": "Cymbals."
- },
- {
- "Prompt": "A string instrument of African heritage, often part of the rich heritage in West Africa",
- "Explanation": "The model should generate an image of the Kora",
- "Category": "Cultural knowledge",
- "Subcategory": "Art",
- "prompt_id": 257,
- "Hint": "Kora."
- },
- {
- "Prompt": "A triangular stringed instrument, often used in Russian folk music",
- "Explanation": "The model should generate an image of the Balalaika",
- "Category": "Cultural knowledge",
- "Subcategory": "Art",
- "prompt_id": 258,
- "Hint": "Balalaika."
- },
- {
- "Prompt": "A small, lute-like instrument with a distinctive sound, often used in Andean music of Peru",
- "Explanation": "The model should generate an image of the Charango",
- "Category": "Cultural knowledge",
- "Subcategory": "Art",
- "prompt_id": 259,
- "Hint": "Charango."
- },
- {
- "Prompt": "A plucked stringed instrument, often used in Hindustani classical music, known for its long neck and numerous strings",
- "Explanation": "The model should generate an image of the Sitar",
- "Category": "Cultural knowledge",
- "Subcategory": "Art",
- "prompt_id": 260,
- "Hint": "Sitar."
- },
- {
- "Prompt": "A long-necked stringed instrument with a rounded body, characteristic of Greek folk music",
- "Explanation": "The model should generate an image of the Bouzouki",
- "Category": "Cultural knowledge",
- "Subcategory": "Art",
- "prompt_id": 261,
- "Hint": "Bouzouki."
- },
- {
- "Prompt": "Show an image of a percussion instrument, made from a stretched skin, that produces a deep, resonant sound when struck, used in many forms of music from all over the world",
- "Explanation": "The model should generate an image related to a drum",
- "Category": "Cultural knowledge",
- "Subcategory": "Art",
- "prompt_id": 262,
- "Hint": "Drum."
- },
- {
- "Prompt": "A long, wooden wind instrument, used by Aboriginal Australians for traditional music and storytelling",
- "Explanation": "The model should generate an image of the Didgeridoo",
- "Category": "Cultural knowledge",
- "Subcategory": "Art",
- "prompt_id": 263,
- "Hint": "Didgeridoo."
- },
- {
- "Prompt": "A pear-shaped stringed instrument, often used in classical and folk music of Egypt",
- "Explanation": "The model should generate an image of the Oud",
- "Category": "Cultural knowledge",
- "Subcategory": "Art",
- "prompt_id": 264,
- "Hint": "Oud."
- },
- {
- "Prompt": "A percussive instrument, characterized by its unique sound and presence in Brazilian cultural events",
- "Explanation": "The model should generate an image of the berimbau",
- "Category": "Cultural knowledge",
- "Subcategory": "Art",
- "prompt_id": 265,
- "Hint": "Berimbau."
- },
- {
- "Prompt": "An image of a small, handheld stringed instrument, often plucked with fingers, known for its cheerful and bright sound, commonly used in folk and country music",
- "Explanation": "The model should generate an image related to a banjo",
- "Category": "Cultural knowledge",
- "Subcategory": "Art",
- "prompt_id": 266,
- "Hint": "Banjo."
- },
- {
- "Prompt": "A stringed instrument, central to flamenco music, known for its intricate fretwork in Spain",
- "Explanation": "The model should generate an image of the Spanish Guitar",
- "Category": "Cultural knowledge",
- "Subcategory": "Art",
- "prompt_id": 267,
- "Hint": "Spanish Guitar."
- },
- {
- "Prompt": "A long, thin wind instrument made of wood, known for its delicate and haunting tones and often used to make melodies",
- "Explanation": "The model should generate an image related to a flute",
- "Category": "Cultural knowledge",
- "Subcategory": "Art",
- "prompt_id": 268,
- "Hint": "Flute."
- },
- {
- "Prompt": "A wind instrument, a symbol of Irish traditional music, known for its complex bellows and pipes",
- "Explanation": "The model should generate an image of the Uilleann Pipes",
- "Category": "Cultural knowledge",
- "Subcategory": "Art",
- "prompt_id": 269,
- "Hint": "Uilleann Pipes."
- },
- {
- "Prompt": "Depict an instrument with black and white keys, played by pressing them down, producing a wide range of sounds from delicate melodies to powerful chords",
- "Explanation": "The model should generate an image related to a piano",
- "Category": "Cultural knowledge",
- "Subcategory": "Art",
- "prompt_id": 270,
- "Hint": "Piano."
- },
- {
- "Prompt": "A traditional instrument of China, known for its numerous strings and bridges",
- "Explanation": "The model should generate an image of the Guzheng",
- "Category": "Cultural knowledge",
- "Subcategory": "Art",
- "prompt_id": 271,
- "Hint": "Guzheng."
- },
- {
- "Prompt": "A distinct percussive instrument, that is emblematic of Caribbean music",
- "Explanation": "The model should generate an image of the Steelpan",
- "Category": "Cultural knowledge",
- "Subcategory": "Art",
- "prompt_id": 272,
- "Hint": "Steelpan."
- },
- {
- "Prompt": "A wind instrument, that is an iconic part of traditional music of the Andes region",
- "Explanation": "The model should generate an image of a pan flute",
- "Category": "Cultural knowledge",
- "Subcategory": "Art",
- "prompt_id": 273,
- "Hint": "Pan flute."
- },
- {
- "Prompt": "An image of a wooden instrument that produces sound by the player blowing across a mouthpiece, known for its warm and soulful tone",
- "Explanation": "The model should generate an image related to a saxophone",
- "Category": "Cultural knowledge",
- "Subcategory": "Art",
- "prompt_id": 274,
- "Hint": "Saxophone."
- },
- {
- "Prompt": "A bowed string instrument, popular in Korean music, with a unique sound profile and often played in traditional performances",
- "Explanation": "The model should generate an image of a Haegeum",
- "Category": "Cultural knowledge",
- "Subcategory": "Art",
- "prompt_id": 275,
- "Hint": "Haegeum."
- },
- {
- "Prompt": "Show an image of a large stringed instrument, often played with a bow, known for its rich, deep tones and central role in the orchestra",
- "Explanation": "The model should generate an image related to a cello",
- "Category": "Cultural knowledge",
- "Subcategory": "Art",
- "prompt_id": 276,
- "Hint": "Cello."
- },
- {
- "Prompt": "A stringed instrument, commonly played in a particular form of traditional music from Argentina",
- "Explanation": "The model should generate an image of the Argentine guitar",
- "Category": "Cultural knowledge",
- "Subcategory": "Art",
- "prompt_id": 277,
- "Hint": "Argentine guitar."
- },
- {
- "Prompt": "A wind instrument, recognized as a prominent part of Scottish cultural tradition",
- "Explanation": "The model should generate an image of bagpipes",
- "Category": "Cultural knowledge",
- "Subcategory": "Art",
- "prompt_id": 278,
- "Hint": "Bagpipes."
- },
- {
- "Prompt": "A portrait in the style of Leonardo da Vinci",
- "Explanation": "The model should generate an image of a portrait in the style of Leonardo da Vinci, using sfumato technique, subtle lighting, realistic anatomy, and a sense of mystery and psychological depth. It should evoke the feeling of a classic da Vinci portrait",
- "Category": "Cultural knowledge",
- "Subcategory": "Art",
- "prompt_id": 279,
- "Hint": "Portrait using sfumato technique, subtle lighting, realistic anatomy, and a sense of mystery, resembling a classic Leonardo da Vinci style."
- },
- {
- "Prompt": "A religious scene in the style of Raphael",
- "Explanation": "The model should generate an image of a religious scene in the style of Raphael, featuring balanced composition, harmonious forms, soft colors, and a sense of idealized beauty. It should evoke Raphael's graceful and serene style",
- "Category": "Cultural knowledge",
- "Subcategory": "Art",
- "prompt_id": 280,
- "Hint": "A religious scene with balanced composition, harmonious forms, soft colors, and idealized beauty in Raphael's graceful and serene style."
- },
- {
- "Prompt": "A dreamlike scene in the style of Salvador Dal\u00ed",
- "Explanation": "The model should generate an image of a dreamlike scene in the style of Salvador Dal\u00ed, featuring illogical juxtapositions, bizarre objects, and a sense of mystery and the subconscious, similar to Dal\u00ed's surrealist artworks",
- "Category": "Cultural knowledge",
- "Subcategory": "Art",
- "prompt_id": 281,
- "Hint": "A dreamlike scene with illogical juxtapositions, bizarre objects, and a sense of mystery in Salvador Dal\u00ed's surrealist style."
- },
- {
- "Prompt": "A peasant scene in the style of early Van Gogh",
- "Explanation": "The model should generate an image of a peasant scene in the style of early Van Gogh, using darker colors, coarse brushstrokes, and a focus on the everyday life of working people. It should convey a sense of rustic realism similar to paintings by Van Gogh from his early period",
- "Category": "Cultural knowledge",
- "Subcategory": "Art",
- "prompt_id": 282,
- "Hint": "A peasant scene with darker colors, coarse brushstrokes, depicting everyday life, in the style of early Van Gogh."
- },
- {
- "Prompt": "A poor man in the style of Picasso's blue period",
- "Explanation": "The model should generate an image of a poor man in the style of Picasso's Blue Period, using various shades of blue, elongated features and expressing sorrow or poverty. It should evoke sadness similar to Picasso's blue period",
- "Category": "Cultural knowledge",
- "Subcategory": "Art",
- "prompt_id": 283,
- "Hint": "A poor man in shades of blue with elongated features, expressing sorrow, in the style of Picasso's Blue Period."
- },
- {
- "Prompt": "An abstract painting in the style of Jackson Pollock",
- "Explanation": "The model should generate an image of an abstract painting in the style of Jackson Pollock, with expressive brushstrokes, non-geometric forms, dripping paint, dynamic composition",
- "Category": "Cultural knowledge",
- "Subcategory": "Art",
- "prompt_id": 284,
- "Hint": "An abstract painting with expressive brushstrokes, non-geometric forms, dripping paint, and dynamic composition in the style of Jackson Pollock."
- },
- {
- "Prompt": "A classical figure in the style of Michelangelo",
- "Explanation": "The model should generate an image of a classical figure in the style of Michelangelo, with muscular anatomy, dynamic poses, and a powerful and sculptural quality. It should evoke the grandeur and expressive power of Michelangelo's figures",
- "Category": "Cultural knowledge",
- "Subcategory": "Art",
- "prompt_id": 285,
- "Hint": "A classical figure with muscular anatomy, dynamic pose, and sculptural quality, evoking the grandeur of Michelangelo's art."
- },
- {
- "Prompt": "A portrait in the style of Picasso's Cubism",
- "Explanation": "The model should generate an image of a portrait in the style of Cubism, showing fragmented and geometric shapes, multiple perspectives of the subject, and a limited color palette. It should clearly show the influence of Picasso's Cubist style",
- "Category": "Cultural knowledge",
- "Subcategory": "Art",
- "prompt_id": 286,
- "Hint": "A portrait in the style of Cubism, featuring fragmented and geometric shapes, multiple perspectives of the subject, and a limited color palette inspired by Picasso's work."
- },
- {
- "Prompt": "A landscape in the style of Claude Monet",
- "Explanation": "The model should generate an image of a landscape in the style of Claude Monet, emphasizing light and color with short, broken brushstrokes, capturing a fleeting moment in nature. The scene should reflect the impressionistic style of Monet's",
- "Category": "Cultural knowledge",
- "Subcategory": "Art",
- "prompt_id": 287,
- "Hint": "A landscape with short, broken brushstrokes emphasizing light and color, capturing a fleeting moment in nature in the impressionistic style of Claude Monet."
- },
- {
- "Prompt": "A landscape in the style of Ansel Adams",
- "Explanation": "The model should generate an image of a black and white landscape in the style of Ansel Adams, with high contrast, sharp details, and an emphasis on capturing the beauty of nature, similar to Ansel Adams's landscape photography",
- "Category": "Cultural knowledge",
- "Subcategory": "Art",
- "prompt_id": 288,
- "Hint": "A black and white landscape with high contrast, sharp details, and an emphasis on the beauty of nature, in the style of Ansel Adams's photography."
- },
- {
- "Prompt": "Lionel Messi's iconic moment",
- "Explanation": "The model should generate an image of Lionel Messi playing soccer",
- "Category": "Cultural knowledge",
- "Subcategory": "Celebrity",
- "prompt_id": 289,
- "Hint": "Lionel Messi playing soccer."
- },
- {
- "Prompt": "Michael Jordan's iconic moment",
- "Explanation": "The model should generate an image of Michael Jordan playing basketball",
- "Category": "Cultural knowledge",
- "Subcategory": "Celebrity",
- "prompt_id": 290,
- "Hint": "Michael Jordan playing basketball."
- },
- {
- "Prompt": "The powerful weapon wielded by Thor in Marvel",
- "Explanation": "The model should generate an image of Thor's hammer, Mjolnir",
- "Category": "Cultural knowledge",
- "Subcategory": "Celebrity",
- "prompt_id": 291,
- "Hint": "Thor's hammer, Mjolnir."
- },
- {
- "Prompt": "Hou Yi's weapon in Chinese mythology",
- "Explanation": "The model should generate an image of the bow and arrows",
- "Category": "Cultural knowledge",
- "Subcategory": "Celebrity",
- "prompt_id": 292,
- "Hint": "Bow and arrows."
- },
- {
- "Prompt": "The weapon of King Arthur in Arthurian legend",
- "Explanation": "The model should generate an image of Excalibur, King Arthur's magical sword",
- "Category": "Cultural knowledge",
- "Subcategory": "Celebrity",
- "prompt_id": 293,
- "Hint": "Excalibur, King Arthur's magical sword."
- },
- {
- "Prompt": "Wright brothers' greatest invention",
- "Explanation": "The model should generate an image of the airplane",
- "Category": "Cultural knowledge",
- "Subcategory": "Celebrity",
- "prompt_id": 294,
- "Hint": "Airplane."
- },
- {
- "Prompt": "Freddie Mercury's iconic moment",
- "Explanation": "The model should generate an image of Freddie Mercury performing on stage, with his signature microphone stand and dynamic stage presence",
- "Category": "Cultural knowledge",
- "Subcategory": "Celebrity",
- "prompt_id": 295,
- "Hint": "Freddie Mercury performing on stage with his signature microphone stand and dynamic stage presence."
- },
- {
- "Prompt": "Muhammad Ali's iconic moment",
- "Explanation": "The model should generate an image of Muhammad Ali in the boxing ring",
- "Category": "Cultural knowledge",
- "Subcategory": "Celebrity",
- "prompt_id": 296,
- "Hint": "Muhammad Ali in the boxing ring."
- },
- {
- "Prompt": "Bruce Lee's iconic moment",
- "Explanation": "The model should generate an image of Bruce Lee in a martial arts pose, showcasing his agility and strength",
- "Category": "Cultural knowledge",
- "Subcategory": "Celebrity",
- "prompt_id": 297,
- "Hint": "Bruce Lee in a martial arts pose showcasing his agility and strength."
- },
- {
- "Prompt": "The weapon of Guan Yu in the Romance of the Three Kingdoms",
- "Explanation": "The model should generate an image of legendary Green Dragon Crescent Blade, a large halberd with a curved blade",
- "Category": "Cultural knowledge",
- "Subcategory": "Celebrity",
- "prompt_id": 298,
- "Hint": "Green Dragon Crescent Blade."
- },
- {
- "Prompt": "LeBron James' iconic moment",
- "Explanation": "The model should generate an image of LeBron James playing basketball",
- "Category": "Cultural knowledge",
- "Subcategory": "Celebrity",
- "prompt_id": 299,
- "Hint": "LeBron James playing basketball."
- },
- {
- "Prompt": "Thomas Edison's greatest invention",
- "Explanation": "The model should generate an image of the light bulb",
- "Category": "Cultural knowledge",
- "Subcategory": "Celebrity",
- "prompt_id": 300,
- "Hint": "Light bulb."
- },
- {
- "Prompt": "Yao Ming's iconic moment",
- "Explanation": "The model should generate an image of Yao Ming playing basketball",
- "Category": "Cultural knowledge",
- "Subcategory": "Celebrity",
- "prompt_id": 301,
- "Hint": "Yao Ming playing basketball."
- },
- {
- "Prompt": "Show an image of a silent film icon, embodying a lovable, downtrodden character",
- "Explanation": "The model should generate an image of Charlie Chaplin in his Tramp character",
- "Category": "Cultural knowledge",
- "Subcategory": "Celebrity",
- "prompt_id": 302,
- "Hint": "Charlie Chaplin as his Tramp character."
- },
- {
- "Prompt": "The weapon of Sun Wukong from Journey to the West",
- "Explanation": "The model should generate an image of the golden staff, also known as Ruyi Jingu Bang",
- "Category": "Cultural knowledge",
- "Subcategory": "Celebrity",
- "prompt_id": 303,
- "Hint": "Golden staff Ruyi Jingu Bang."
- },
- {
- "Prompt": "The weapon of Artemis in Greek mythology",
- "Explanation": "The model should generate an image of a bow and arrows",
- "Category": "Cultural knowledge",
- "Subcategory": "Celebrity",
- "prompt_id": 304,
- "Hint": "Bow and arrows."
- },
- {
- "Prompt": "Ludwig van Beethoven's favorite activity",
- "Explanation": "The model should generate an image related to music, reflecting Beethoven's deep connection with classical music",
- "Category": "Cultural knowledge",
- "Subcategory": "Celebrity",
- "prompt_id": 305,
- "Hint": "Classical music."
- },
- {
- "Prompt": "Cristiano Ronaldo's iconic moment",
- "Explanation": "The model should generate an image of Cristiano Ronaldo playing football",
- "Category": "Cultural knowledge",
- "Subcategory": "Celebrity",
- "prompt_id": 306,
- "Hint": "Cristiano Ronaldo playing football."
- },
- {
- "Prompt": "Michael Jackson's iconic moment",
- "Explanation": "The model should generate an image of Michael Jackson performing his moonwalk dance",
- "Category": "Cultural knowledge",
- "Subcategory": "Celebrity",
- "prompt_id": 307,
- "Hint": "Michael Jackson performing his moonwalk dance."
- },
- {
- "Prompt": "Claude Monet's most famous art",
- "Explanation": "The model should generate an image of a peaceful pond with floating lilies, using soft, blended brushstrokes typical of Monet's Water Lilies series",
- "Category": "Cultural knowledge",
- "Subcategory": "Celebrity",
- "prompt_id": 308,
- "Hint": "A peaceful pond with floating lilies, using soft, blended brushstrokes typical of Monet's Water Lilies series."
- },
- {
- "Prompt": "The image of Medusa from Greek mythology",
- "Explanation": "The model should generate an image of Medusa, with her hair made of living snakes",
- "Category": "Cultural knowledge",
- "Subcategory": "Celebrity",
- "prompt_id": 309,
- "Hint": "Medusa with her hair made of living snakes."
- },
- {
- "Prompt": "The food most loved by Minions from the movie franchise",
- "Explanation": "The model should generate an image of a banana",
- "Category": "Cultural knowledge",
- "Subcategory": "Celebrity",
- "prompt_id": 310,
- "Hint": "Banana."
- },
- {
- "Prompt": "The object used by Harry Potter to fly in the Quidditch game",
- "Explanation": "The model should generate an image of a broomstick",
- "Category": "Cultural knowledge",
- "Subcategory": "Celebrity",
- "prompt_id": 311,
- "Hint": "Broomstick."
- },
- {
- "Prompt": "The steed of Tang Sanzang from Journey to the West",
- "Explanation": "The model should generate an image of the white horse",
- "Category": "Cultural knowledge",
- "Subcategory": "Celebrity",
- "prompt_id": 312,
- "Hint": "White horse."
- },
- {
- "Prompt": "The weapon of Shiva in Hindu mythology",
- "Explanation": "The model should generate an image of Shiva's trident",
- "Category": "Cultural knowledge",
- "Subcategory": "Celebrity",
- "prompt_id": 313,
- "Hint": "Shiva's trident."
- },
- {
- "Prompt": "The magical item of Hermes in Greek mythology",
- "Explanation": "The model should generate an image of winged sandals",
- "Category": "Cultural knowledge",
- "Subcategory": "Celebrity",
- "prompt_id": 314,
- "Hint": "Winged sandals."
- },
- {
- "Prompt": "George Washington's favorite animal",
- "Explanation": "The model should generate an image of a horse",
- "Category": "Cultural knowledge",
- "Subcategory": "Celebrity",
- "prompt_id": 315,
- "Hint": "Horse."
- },
- {
- "Prompt": "The wise master from the Kung Fu Panda movie",
- "Explanation": "The model should generate an image of Master Oogway, the wise tortoise",
- "Category": "Cultural knowledge",
- "Subcategory": "Celebrity",
- "prompt_id": 316,
- "Hint": "Master Oogway, the wise tortoise from Kung Fu Panda."
- },
- {
- "Prompt": "Vincent van Gogh's favorite flower",
- "Explanation": "The model should generate an image of sunflowers",
- "Category": "Cultural knowledge",
- "Subcategory": "Celebrity",
- "prompt_id": 317,
- "Hint": "Sunflowers."
- },
- {
- "Prompt": "Ludwig van Beethoven's favorite instrument",
- "Explanation": "The model should generate an image of a grand piano",
- "Category": "Cultural knowledge",
- "Subcategory": "Celebrity",
- "prompt_id": 318,
- "Hint": "Grand piano."
- },
- {
- "Prompt": "Mendel's famous experiment scene",
- "Explanation": "The model should generate an image of Mendel's pea plant experiment, focusing on pea plants",
- "Category": "Cultural knowledge",
- "Subcategory": "Celebrity",
- "prompt_id": 319,
- "Hint": "Mendel's pea plant experiment scene with pea plants."
- },
- {
- "Prompt": "Kobe Bryant's iconic moment",
- "Explanation": "The model should generate an image of Kobe Bryant playing basketball",
- "Category": "Cultural knowledge",
- "Subcategory": "Celebrity",
- "prompt_id": 320,
- "Hint": "Kobe Bryant playing basketball."
- },
- {
- "Prompt": "Roger Federer's iconic moment",
- "Explanation": "The model should generate an image of Roger Federer playing tennis",
- "Category": "Cultural knowledge",
- "Subcategory": "Celebrity",
- "prompt_id": 321,
- "Hint": "Roger Federer playing tennis."
- },
- {
- "Prompt": "William Shakespeare's most famous play",
- "Explanation": "The model should generate an image of a scene from the play 'Hamlet'",
- "Category": "Cultural knowledge",
- "Subcategory": "Celebrity",
- "prompt_id": 322,
- "Hint": "Hamlet."
- },
- {
- "Prompt": "The most iconic architectural structure of ancient Egypt",
- "Explanation": "The model should generate an image of the Pyramids of Giza",
- "Category": "Cultural knowledge",
- "Subcategory": "Celebrity",
- "prompt_id": 323,
- "Hint": "Pyramids of Giza."
- },
- {
- "Prompt": "The weapon of Apollo in Greek mythology",
- "Explanation": "The model should generate an image of Apollo's golden bow and arrows",
- "Category": "Cultural knowledge",
- "Subcategory": "Celebrity",
- "prompt_id": 324,
- "Hint": "Apollo's golden bow and arrows."
- },
- {
- "Prompt": "The weapon of Thor in Norse mythology",
- "Explanation": "The model should generate an image of Mj\u00f6lnir, Thor's hammer, a powerful weapon associated with thunder and lightning",
- "Category": "Cultural knowledge",
- "Subcategory": "Celebrity",
- "prompt_id": 325,
- "Hint": "Mj\u00f6lnir, Thor's hammer, a powerful weapon associated with thunder and lightning."
- },
- {
- "Prompt": "The steed of Odin in Norse mythology",
- "Explanation": "The model should generate an image of Sleipnir, Odin's eight-legged horse",
- "Category": "Cultural knowledge",
- "Subcategory": "Celebrity",
- "prompt_id": 326,
- "Hint": "Sleipnir, Odin's eight-legged horse."
- },
- {
- "Prompt": "The most famous character in Pok\u00e9mon",
- "Explanation": "The model should generate an image of Pikachu",
- "Category": "Cultural knowledge",
- "Subcategory": "Celebrity",
- "prompt_id": 327,
- "Hint": "Pikachu."
- },
- {
- "Prompt": "The face of Yang Jian from Chinese mythology",
- "Explanation": "The model should generate an image of Yang Jian, featuring his iconic third eye on the forehead",
- "Category": "Cultural knowledge",
- "Subcategory": "Celebrity",
- "prompt_id": 328,
- "Hint": "Yang Jian with an iconic third eye on his forehead."
- },
- {
- "Prompt": "Albert Einstein's favorite musical instruments",
- "Explanation": "The model should generate an image of the violin",
- "Category": "Cultural knowledge",
- "Subcategory": "Celebrity",
- "prompt_id": 329,
- "Hint": "Violin."
- },
- {
- "Prompt": "The animal often seen with Nasreddin Hodja",
- "Explanation": "The model should generate an image of a donkey",
- "Category": "Cultural knowledge",
- "Subcategory": "Celebrity",
- "prompt_id": 330,
- "Hint": "Donkey."
- },
- {
- "Prompt": "The object used to find the heroine in Cinderella",
- "Explanation": "The model should generate an image of a glass slipper",
- "Category": "Cultural knowledge",
- "Subcategory": "Celebrity",
- "prompt_id": 331,
- "Hint": "Glass slipper."
- },
- {
- "Prompt": "The item used by Nuwa to mend the sky in Chinese mythology",
- "Explanation": "The model should generate an image of colorful stones or rocks",
- "Category": "Cultural knowledge",
- "Subcategory": "Celebrity",
- "prompt_id": 332,
- "Hint": "Colorful stones or rocks."
- },
- {
- "Prompt": "Pablo Picasso's art",
- "Explanation": "The model should generate an image of abstract art",
- "Category": "Cultural knowledge",
- "Subcategory": "Celebrity",
- "prompt_id": 333,
- "Hint": "Abstract art."
- },
- {
- "Prompt": "The symbol of Hera in Greek mythology",
- "Explanation": "The model should generate an image of Hera's golden crown",
- "Category": "Cultural knowledge",
- "Subcategory": "Celebrity",
- "prompt_id": 334,
- "Hint": "Hera's golden crown."
- },
- {
- "Prompt": "An iconic pose from a famous philosopher, often depicted with a hand resting on his chin, and a thoughtful expression on his face",
- "Explanation": "The model should generate an image related to Rodin's The Thinker",
- "Category": "Cultural knowledge",
- "Subcategory": "Celebrity",
- "prompt_id": 335,
- "Hint": "Rodin's The Thinker."
- },
- {
- "Prompt": "The weapon of Zhu Bajie from Journey to the West",
- "Explanation": "The model should generate an image of the nine-toothed rake",
- "Category": "Cultural knowledge",
- "Subcategory": "Celebrity",
- "prompt_id": 336,
- "Hint": "Nine-toothed rake."
- },
- {
- "Prompt": "The animal from the fairy tale Little Red Riding Hood",
- "Explanation": "The model should generate an image of a wolf",
- "Category": "Cultural knowledge",
- "Subcategory": "Celebrity",
- "prompt_id": 337,
- "Hint": "Wolf."
- },
- {
- "Prompt": "The weapon of Yang Jian from Chinese mythology",
- "Explanation": "The model should generate an image of the three-pointed spear",
- "Category": "Cultural knowledge",
- "Subcategory": "Celebrity",
- "prompt_id": 338,
- "Hint": "Three-pointed spear."
- },
- {
- "Prompt": "Michael Phelps' iconic moment",
- "Explanation": "The model should generate an image of Michael Phelps swimming",
- "Category": "Cultural knowledge",
- "Subcategory": "Celebrity",
- "prompt_id": 339,
- "Hint": "Michael Phelps swimming."
- },
- {
- "Prompt": "The iconic moment of Neil Armstrong, in which he took the first steps on a new surface",
- "Explanation": "The model should generate an image of Neil Armstrong stepping onto the moon",
- "Category": "Cultural knowledge",
- "Subcategory": "Celebrity",
- "prompt_id": 340,
- "Hint": "Neil Armstrong stepping onto the moon."
- },
- {
- "Prompt": "An iconic structure designed by Antoni Gaud\u00ed in Barcelona",
- "Explanation": "The model should generate an image of the Sagrada Familia",
- "Category": "Cultural knowledge",
- "Subcategory": "Celebrity",
- "prompt_id": 341,
- "Hint": "Sagrada Familia."
- },
- {
- "Prompt": "Show an image depicting a popular character from Japanese animation, known for their spiky blond hair and distinctive headband",
- "Explanation": "The model should generate an image of Naruto Uzumaki, a popular anime character with spiky blond hair and headband",
- "Category": "Cultural knowledge",
- "Subcategory": "Celebrity",
- "prompt_id": 342,
- "Hint": "Naruto Uzumaki with spiky blond hair and a distinctive headband."
- },
- {
- "Prompt": "The iconic hat of the protagonist of One Piece in Japan",
- "Explanation": "The model should generate an image of a straw hat with a red ribbon around it, commonly associated with Monkey D. Luffy, the main character of the anime and manga series 'One Piece'.",
- "Category": "Cultural knowledge",
- "Subcategory": "Celebrity",
- "prompt_id": 343,
- "Hint": "A straw hat with a red ribbon around it."
- },
- {
- "Prompt": "The item held by Zhuge Liang in the Romance of the Three Kingdoms",
- "Explanation": "The model should generate an image of feather fan",
- "Category": "Cultural knowledge",
- "Subcategory": "Celebrity",
- "prompt_id": 344,
- "Hint": "Feather fan."
- },
- {
- "Prompt": "The weapon famously wielded by Captain America in Marvel",
- "Explanation": "The model should generate an image of a shield",
- "Category": "Cultural knowledge",
- "Subcategory": "Celebrity",
- "prompt_id": 345,
- "Hint": "Captain America's shield."
- },
- {
- "Prompt": "Leonardo da Vinci's most famous painting",
- "Explanation": "The model should generate an image of the Mona Lisa",
- "Category": "Cultural knowledge",
- "Subcategory": "Celebrity",
- "prompt_id": 346,
- "Hint": "Mona Lisa."
- },
- {
- "Prompt": "Leonardo da Vinci's most famous art",
- "Explanation": "The model should generate an image of da Vinci's Mona Lisa",
- "Category": "Cultural knowledge",
- "Subcategory": "Celebrity",
- "prompt_id": 347,
- "Hint": "Mona Lisa."
- },
- {
- "Prompt": "Winston Churchill's greatest hobby",
- "Explanation": "The model should generate an image of the scene of painting",
- "Category": "Cultural knowledge",
- "Subcategory": "Celebrity",
- "prompt_id": 348,
- "Hint": "Painting."
- },
- {
- "Prompt": "The weapon used by Black Panther in Marvel",
- "Explanation": "The model should generate an image of Black Panther's vibranium claws",
- "Category": "Cultural knowledge",
- "Subcategory": "Celebrity",
- "prompt_id": 349,
- "Hint": "Black Panther's vibranium claws."
- },
- {
- "Prompt": "The weapon used by L\u00fc Bu in the Romance of the Three Kingdoms",
- "Explanation": "The model should generate an image of the Sky Piercer, the iconic halberd wielded by L\u00fc Bu",
- "Category": "Cultural knowledge",
- "Subcategory": "Celebrity",
- "prompt_id": 350,
- "Hint": "Sky Piercer halberd."
- },
- {
- "Prompt": "Lewis Hamilton's iconic moment",
- "Explanation": "The model should generate an image of a Formula 1 car racing scene",
- "Category": "Cultural knowledge",
- "Subcategory": "Celebrity",
- "prompt_id": 351,
- "Hint": "Formula 1 car racing scene."
- },
- {
- "Prompt": "Alexander Graham Bell's greatest invention",
- "Explanation": "The model should generate an image of the telephone",
- "Category": "Cultural knowledge",
- "Subcategory": "Celebrity",
- "prompt_id": 352,
- "Hint": "Telephone."
- },
- {
- "Prompt": "Typical food for a birthday celebration",
- "Explanation": "The model should generate an image of a birthday cake",
- "Category": "Cultural knowledge",
- "Subcategory": "Life",
- "prompt_id": 353,
- "Hint": "Birthday cake."
- },
- {
- "Prompt": "A common pet that meows",
- "Explanation": "The model should generate an image of a cat",
- "Category": "Cultural knowledge",
- "Subcategory": "Life",
- "prompt_id": 354,
- "Hint": "Cat."
- },
- {
- "Prompt": "A traditional mode of transportation in Egypt",
- "Explanation": "The model should generate an image of a camel",
- "Category": "Cultural knowledge",
- "Subcategory": "Life",
- "prompt_id": 355,
- "Hint": "Camel."
- },
- {
- "Prompt": "Show an image of the tool that is commonly used to drive nails",
- "Explanation": "The model should generate an image of a hammer",
- "Category": "Cultural knowledge",
- "Subcategory": "Life",
- "prompt_id": 356,
- "Hint": "Hammer."
- },
- {
- "Prompt": "The grain that rice is derived from",
- "Explanation": "The model should generate an image of rice stalks",
- "Category": "Cultural knowledge",
- "Subcategory": "Life",
- "prompt_id": 357,
- "Hint": "Rice stalks."
- },
- {
- "Prompt": "Common tool that protects from the rain",
- "Explanation": "The model should generate an image of an umbrella",
- "Category": "Cultural knowledge",
- "Subcategory": "Life",
- "prompt_id": 358,
- "Hint": "Umbrella."
- },
- {
- "Prompt": "The military tool used to observe distant enemy movements",
- "Explanation": "The model should generate an image of a binocular or a telescope",
- "Category": "Cultural knowledge",
- "Subcategory": "Life",
- "prompt_id": 359,
- "Hint": "Binoculars or a telescope."
- },
- {
- "Prompt": "A Art with black and white keys",
- "Explanation": "The model should generate an image of a piano",
- "Category": "Cultural knowledge",
- "Subcategory": "Life",
- "prompt_id": 360,
- "Hint": "Piano."
- },
- {
- "Prompt": "The appliance used in daily life to cook food with strong pressure",
- "Explanation": "The model should generate an image of a pressure cooker",
- "Category": "Cultural knowledge",
- "Subcategory": "Life",
- "prompt_id": 361,
- "Hint": "Pressure cooker."
- },
- {
- "Prompt": "The device specifically used for taking photographs",
- "Explanation": "The model should generate an image of a camera",
- "Category": "Cultural knowledge",
- "Subcategory": "Life",
- "prompt_id": 362,
- "Hint": "Camera."
- },
- {
- "Prompt": "The most common pointing device for computers",
- "Explanation": "The model should generate an image of a computer mouse",
- "Category": "Cultural knowledge",
- "Subcategory": "Life",
- "prompt_id": 363,
- "Hint": "Computer mouse."
- },
- {
- "Prompt": "A small device that can be used to see things close, commonly used by detectives",
- "Explanation": "The model should generate an image of a magnifying glass",
- "Category": "Cultural knowledge",
- "Subcategory": "Life",
- "prompt_id": 364,
- "Hint": "Magnifying glass."
- },
- {
- "Prompt": "The key ingredient in making zongzi",
- "Explanation": "The model should generate an image of glutinous rice",
- "Category": "Cultural knowledge",
- "Subcategory": "Life",
- "prompt_id": 365,
- "Hint": "Glutinous rice."
- },
- {
- "Prompt": "A popular amusement park ride that spins around and rises up and down",
- "Explanation": "The model should generate an image of a Ferris wheel",
- "Category": "Cultural knowledge",
- "Subcategory": "Life",
- "prompt_id": 366,
- "Hint": "Ferris wheel."
- },
- {
- "Prompt": "The transportation inspired by the characteristics of birds",
- "Explanation": "The model should generate an image of an airplane, designed based on the characteristics of birds, such as flight and aerodynamics",
- "Category": "Cultural knowledge",
- "Subcategory": "Life",
- "prompt_id": 367,
- "Hint": "An airplane designed with characteristics inspired by birds, showcasing flight and aerodynamics."
- },
- {
- "Prompt": "A place where books are kept and borrowed",
- "Explanation": "The model should generate an image of a library",
- "Category": "Cultural knowledge",
- "Subcategory": "Life",
- "prompt_id": 368,
- "Hint": "Library"
- },
- {
- "Prompt": "The object often used to keep light away while sleeping",
- "Explanation": "The model should generate an image of a sleep mask or blindfold",
- "Category": "Cultural knowledge",
- "Subcategory": "Life",
- "prompt_id": 369,
- "Hint": "Sleep mask."
- },
- {
- "Prompt": "The fruit used to make candied hawthorn",
- "Explanation": "The model should generate an image of hawthorn berries",
- "Category": "Cultural knowledge",
- "Subcategory": "Life",
- "prompt_id": 370,
- "Hint": "Hawthorn berries."
- },
- {
- "Prompt": "The device used to measure temperature",
- "Explanation": "The model should generate an image of a thermometer",
- "Category": "Cultural knowledge",
- "Subcategory": "Life",
- "prompt_id": 371,
- "Hint": "Thermometer."
- },
- {
- "Prompt": "The most common input device for computers",
- "Explanation": "The model should generate an image of a keyboard",
- "Category": "Cultural knowledge",
- "Subcategory": "Life",
- "prompt_id": 372,
- "Hint": "Keyboard."
- },
- {
- "Prompt": "Most representative currency of the European Union",
- "Explanation": "The model should generate an image of the Euro, showcasing its design and features",
- "Category": "Cultural knowledge",
- "Subcategory": "Life",
- "prompt_id": 373,
- "Hint": "Euro."
- },
- {
- "Prompt": "The animal most commonly used to guide the blind",
- "Explanation": "The model should generate an image of a guide dog",
- "Category": "Cultural knowledge",
- "Subcategory": "Life",
- "prompt_id": 374,
- "Hint": "Guide dog."
- },
- {
- "Prompt": "The grain used to make popcorn",
- "Explanation": "The model should generate an image of corn",
- "Category": "Cultural knowledge",
- "Subcategory": "Life",
- "prompt_id": 375,
- "Hint": "Corn."
- },
- {
- "Prompt": "A common piece of clothing that protects from the rain",
- "Explanation": "The model should generate an image of the raincoat",
- "Category": "Cultural knowledge",
- "Subcategory": "Life",
- "prompt_id": 376,
- "Hint": "Raincoat."
- },
- {
- "Prompt": "The ancient Chinese invention used for navigation during maritime exploration",
- "Explanation": "The model should generate an image of a traditional Chinese compass",
- "Category": "Cultural knowledge",
- "Subcategory": "Life",
- "prompt_id": 377,
- "Hint": "Traditional Chinese compass."
- },
- {
- "Prompt": "The common tool used for eating steak in Western culture",
- "Explanation": "The model should generate an image of the knife and fork",
- "Category": "Cultural knowledge",
- "Subcategory": "Life",
- "prompt_id": 378,
- "Hint": "Knife and fork."
- },
- {
- "Prompt": "Most commonly used currency in the world",
- "Explanation": "The model should generate an image of the US Dollar, showcasing its design and features",
- "Category": "Cultural knowledge",
- "Subcategory": "Life",
- "prompt_id": 379,
- "Hint": "US Dollar."
- },
- {
- "Prompt": "The grain used in the production of beer",
- "Explanation": "The model should generate an image of barley",
- "Category": "Cultural knowledge",
- "Subcategory": "Life",
- "prompt_id": 380,
- "Hint": "Barley."
- },
- {
- "Prompt": "The currency of a populous South Asian nation",
- "Explanation": "The model should generate an image related to the Indian Rupee, showcasing its design and features",
- "Category": "Cultural knowledge",
- "Subcategory": "Life",
- "prompt_id": 381,
- "Hint": "Indian Rupee."
- },
- {
- "Prompt": "The item worn to protect the head while riding a motorcycle",
- "Explanation": "The model should generate an image of a motorcycle helmet",
- "Category": "Cultural knowledge",
- "Subcategory": "Life",
- "prompt_id": 382,
- "Hint": "Motorcycle helmet."
- },
- {
- "Prompt": "The most important organ responsible for gas exchange in humans",
- "Explanation": "The model should generate an image of human lungs",
- "Category": "Cultural knowledge",
- "Subcategory": "Life",
- "prompt_id": 383,
- "Hint": "Human lungs."
- },
- {
- "Prompt": "A vehicle used for public transportation in a city",
- "Explanation": "The model should generate an image of a bus",
- "Category": "Cultural knowledge",
- "Subcategory": "Life",
- "prompt_id": 384,
- "Hint": "Bus."
- },
- {
- "Prompt": "The invention, one of the Four Great Inventions of ancient China that could be used to create explosive devices",
- "Explanation": "The model should generate an image of gunpowder",
- "Category": "Cultural knowledge",
- "Subcategory": "Life",
- "prompt_id": 385,
- "Hint": "Gunpowder."
- },
- {
- "Prompt": "Show a device commonly used to heat up a liquid like water, for tea or coffee",
- "Explanation": "The model should generate an image of a kettle",
- "Category": "Cultural knowledge",
- "Subcategory": "Life",
- "prompt_id": 386,
- "Hint": "Kettle."
- },
- {
- "Prompt": "A tool for cutting paper",
- "Explanation": "The model should generate an image of a pair of scissors",
- "Category": "Cultural knowledge",
- "Subcategory": "Life",
- "prompt_id": 387,
- "Hint": "A pair of scissors."
- },
- {
- "Prompt": "A mythical creature that breathes fire and is often depicted in medieval stories",
- "Explanation": "The model should generate an image of a dragon",
- "Category": "Cultural knowledge",
- "Subcategory": "Life",
- "prompt_id": 388,
- "Hint": "Dragon."
- },
- {
- "Prompt": "Most representative currency of the United Kingdom",
- "Explanation": "The model should generate an image of the British Pound, showcasing its design and features",
- "Category": "Cultural knowledge",
- "Subcategory": "Life",
- "prompt_id": 389,
- "Hint": "British Pound."
- },
- {
- "Prompt": "The astronomical tool used for observing celestial bodies",
- "Explanation": "The model should generate an image of a telescope",
- "Category": "Cultural knowledge",
- "Subcategory": "Life",
- "prompt_id": 390,
- "Hint": "Telescope."
- },
- {
- "Prompt": "The item worn by Chinese primary school students during the flag-raising ceremony",
- "Explanation": "The model should generate an image of a red scarf",
- "Category": "Cultural knowledge",
- "Subcategory": "Life",
- "prompt_id": 391,
- "Hint": "Red scarf."
- },
- {
- "Prompt": "The main ingredients used to make fried dough sticks",
- "Explanation": "The model should generate an image of flour",
- "Category": "Cultural knowledge",
- "Subcategory": "Life",
- "prompt_id": 392,
- "Hint": "Flour."
- },
- {
- "Prompt": "A large, traditional vehicle used for travel in cold climates, often pulled by dogs",
- "Explanation": "The model should generate an image of a dog sled",
- "Category": "Cultural knowledge",
- "Subcategory": "Life",
- "prompt_id": 393,
- "Hint": "Dog sled"
- },
- {
- "Prompt": "A structure made of ice, traditionally built by the Inuit people",
- "Explanation": "The model should generate an image of an igloo",
- "Category": "Cultural knowledge",
- "Subcategory": "Life",
- "prompt_id": 394,
- "Hint": "Igloo."
- },
- {
- "Prompt": "A small device used to control electronic devices remotely",
- "Explanation": "The model should generate an image of a remote control",
- "Category": "Cultural knowledge",
- "Subcategory": "Life",
- "prompt_id": 395,
- "Hint": "Remote control."
- },
- {
- "Prompt": "The official currency of the second largest economy in the world",
- "Explanation": "The model should generate an image of the Chinese Yuan, showcasing its design and features",
- "Category": "Cultural knowledge",
- "Subcategory": "Life",
- "prompt_id": 396,
- "Hint": "Chinese Yuan."
- },
- {
- "Prompt": "The appliance used in daily life to keep food fresh",
- "Explanation": "The model should generate an image of a refrigerator",
- "Category": "Cultural knowledge",
- "Subcategory": "Life",
- "prompt_id": 397,
- "Hint": "Refrigerator."
- },
- {
- "Prompt": "The traditional Japanese garment often worn during festivals",
- "Explanation": "The model should generate an image of a kimono",
- "Category": "Cultural knowledge",
- "Subcategory": "Life",
- "prompt_id": 398,
- "Hint": "Kimono."
- },
- {
- "Prompt": "A common object used to keep hair out of face, often made of plastic or metal",
- "Explanation": "The model should generate an image of a hair clip or barrette",
- "Category": "Cultural knowledge",
- "Subcategory": "Life",
- "prompt_id": 399,
- "Hint": "Hair clip or barrette."
- },
- {
- "Prompt": "Show an image of an object people often use to look at a reflection of themselves",
- "Explanation": "The model should generate an image of a mirror",
- "Category": "Cultural knowledge",
- "Subcategory": "Life",
- "prompt_id": 400,
- "Hint": "Mirror."
- },
- {
- "Prompt": "An apple tree with leaves exhibiting chlorophyll breakdown",
- "Explanation": "The model should generate an image of an apple tree where the leaves are predominantly yellow, orange, red, or brown (a mix of these colors is acceptable). The generated image should evoke the feeling of autumn",
- "Category": "Biology",
- "Subcategory": "State",
- "prompt_id": 701,
- "Hint": "An apple tree with leaves in shades of yellow, orange, red, and brown, evoking the feeling of autumn."
- },
- {
- "Prompt": "A maple tree with leaves exhibiting chlorophyll breakdown",
- "Explanation": "The model should generate an image of a maple tree with leaves displaying a vibrant mix of yellow, orange, and red hues. The characteristic palmate shape of maple leaves should be clearly visible. The image should evoke a sense of peak fall foliage",
- "Category": "Biology",
- "Subcategory": "State",
- "prompt_id": 702,
- "Hint": "A maple tree with leaves displaying a vibrant mix of yellow, orange, and red hues, showcasing the characteristic palmate shape of maple leaves during peak fall foliage."
- },
- {
- "Prompt": "A birch tree with leaves exhibiting chlorophyll breakdown",
- "Explanation": "The model should generate an image of a birch tree where the leaves are predominantly yellow (a mix of yellow and some remaining green is acceptable). The delicate structure of birch leaves should be visible",
- "Category": "Biology",
- "Subcategory": "State",
- "prompt_id": 703,
- "Hint": "A birch tree with predominantly yellow leaves, showing some remaining green, and the delicate structure of the leaves clearly visible."
- },
- {
- "Prompt": "A maple tree with leaves where chlorophyll is not broken down",
- "Explanation": "The model should generate an image of a maple tree with lush foliage and leaves that are a vibrant, deep green",
- "Category": "Biology",
- "Subcategory": "State",
- "prompt_id": 704,
- "Hint": "A maple tree with lush foliage and vibrant, deep green leaves."
- },
- {
- "Prompt": "A caterpillar having completed its pupation process",
- "Explanation": "The image should show a butterfly or moth with fully formed wings and body",
- "Category": "Biology",
- "Subcategory": "State",
- "prompt_id": 705,
- "Hint": "A butterfly or moth with fully formed wings and body."
- },
- {
- "Prompt": "A caterpillar during its pupation process",
- "Explanation": "The image should show a caterpillar inside a chrysalis or pupa, with physical changes occurring, indicating it is undergoing metamorphosis",
- "Category": "Biology",
- "Subcategory": "State",
- "prompt_id": 706,
- "Hint": "A caterpillar inside a chrysalis or pupa, undergoing physical changes during metamorphosis."
- },
- {
- "Prompt": "Image of a tadpole after growing up",
- "Explanation": "The image should show a frog",
- "Category": "Biology",
- "Subcategory": "State",
- "prompt_id": 707,
- "Hint": "Frog."
- },
- {
- "Prompt": "Just laid eggs",
- "Explanation": "The image should show newly laid eggs that are still intact, often in a nest or in a protected environment",
- "Category": "Biology",
- "Subcategory": "State",
- "prompt_id": 708,
- "Hint": "Newly laid eggs in a nest or a protected environment."
- },
- {
- "Prompt": "Eggs which are recently hatched",
- "Explanation": "The image should show eggs that have hatched, with broken shells, and new life having emerged",
- "Category": "Biology",
- "Subcategory": "State",
- "prompt_id": 709,
- "Hint": "Recently hatched eggs with broken shells and new life having emerged."
- },
- {
- "Prompt": "A frog resting in a very humid environment",
- "Explanation": "The image should depict a frog with smooth, shiny skin, surrounded by wet conditions like wet leaves or mud",
- "Category": "Biology",
- "Subcategory": "State",
- "prompt_id": 710,
- "Hint": "A frog with smooth, shiny skin, surrounded by wet leaves or mud in a humid environment."
- },
- {
- "Prompt": "A frog observed during very hot and dry weather",
- "Explanation": "The image should show a frog with dull, dry skin, in an environment with hot, dry soil and grass, highlighting a lack of moisture",
- "Category": "Biology",
- "Subcategory": "State",
- "prompt_id": 711,
- "Hint": "A frog with dull, dry skin in an environment with hot, dry soil and grass, highlighting a lack of moisture."
- },
- {
- "Prompt": "A cactus seen in an environment with considerable moisture",
- "Explanation": "The image should show a cactus with softer, less prominent spines, possibly with water accumulation around the base, and more surrounding vegetation",
- "Category": "Biology",
- "Subcategory": "State",
- "prompt_id": 712,
- "Hint": "A cactus with softer, less prominent spines, surrounded by vegetation and water accumulation around its base."
- },
- {
- "Prompt": "A cactus seen in a very arid, desert-like environment",
- "Explanation": "The image should show a cactus with prominent, dense spines, possibly with a thick, waxy coating on its skin, and surrounded by sparse, dry vegetation, sand, or rocks The overall color palette should be warm and earthy, indicating dryness and heat",
- "Category": "Biology",
- "Subcategory": "State",
- "prompt_id": 713,
- "Hint": "A cactus with prominent, dense spines and a thick, waxy coating on its skin, surrounded by sparse, dry vegetation, sand, or rocks in a warm, earthy, arid desert environment."
- },
- {
- "Prompt": "A fresh loaf of bread",
- "Explanation": "The model should generate an image showing a loaf of bread with a golden-brown crust and a soft, uniform interior, representing its freshly baked and edible state",
- "Category": "Biology",
- "Subcategory": "State",
- "prompt_id": 714,
- "Hint": "A loaf of bread with a golden-brown crust and a soft, uniform interior, representing its freshly baked and edible state."
- },
- {
- "Prompt": "Moldy bread",
- "Explanation": "The model should generate an image showing a loaf of bread with visible patches of mold, appearing as fuzzy or discolored growths on the surface The mold should be clearly recognizable and unappetizing",
- "Category": "Biology",
- "Subcategory": "State",
- "prompt_id": 715,
- "Hint": "A loaf of bread with visible patches of mold, appearing as fuzzy or discolored growths on the surface."
- },
- {
- "Prompt": "A rotting log in a forest",
- "Explanation": "The model should generate an image of a decaying log covered in fungi, moss, and other organisms Showcasing that it can turn into soil and other source of carbon Showing a good cycle",
- "Category": "Biology",
- "Subcategory": "State",
- "prompt_id": 716,
- "Hint": "A decaying log in a forest covered in fungi, moss, and other organisms, showcasing decomposition and the natural cycle of turning into soil."
- },
- {
- "Prompt": "A seed before germination",
- "Explanation": "The model should generate an image showing a seed before germination, with the grain and everything",
- "Category": "Biology",
- "Subcategory": "State",
- "prompt_id": 717,
- "Hint": "A seed with its grain intact before germination."
- },
- {
- "Prompt": "A seed during germination",
- "Explanation": "The model should generate an image showing a seed during the germination You can see the root growing",
- "Category": "Biology",
- "Subcategory": "State",
- "prompt_id": 718,
- "Hint": "A seed with a root growing during germination."
- },
- {
- "Prompt": "A fresh wound on human",
- "Explanation": "The model should generate an image showing the area is injured, and is still bleeding The wound edges should appear raw and inflamed",
- "Category": "Biology",
- "Subcategory": "State",
- "prompt_id": 719,
- "Hint": "A fresh, bleeding wound with raw, inflamed edges on human skin."
- },
- {
- "Prompt": "A wound on human after recovery",
- "Explanation": "The model should generate an image showing the wound is fully healed The wound site should show evidence of the healing process, such as a scab or a visible scar The surrounding skin may still have some discoloration",
- "Category": "Biology",
- "Subcategory": "State",
- "prompt_id": 720,
- "Hint": "A fully healed wound on human skin, showing signs of the healing process such as a scab or a visible scar, with surrounding skin exhibiting slight discoloration."
- },
- {
- "Prompt": "A piece of meat before the bacteria growing",
- "Explanation": "The model should generate an image with red meat in a good condition, representing a health product",
- "Category": "Biology",
- "Subcategory": "State",
- "prompt_id": 721,
- "Hint": "Red meat in good condition, fresh and healthy."
- },
- {
- "Prompt": "A piece of meat during bacterial decomposition",
- "Explanation": "The model should generate an image with meat that has some white thing grow, is not in good condition, which represent something not safe to eat",
- "Category": "Biology",
- "Subcategory": "State",
- "prompt_id": 722,
- "Hint": "A piece of meat with visible white growths and signs of spoilage, representing an unsafe condition for consumption."
- },
- {
- "Prompt": "A normal red blood cell in isotonic solution",
- "Explanation": "The model should generate an image of red blood cells with a biconcave disc shape, maintaining their normal size and shape",
- "Category": "Biology",
- "Subcategory": "State",
- "prompt_id": 723,
- "Hint": "Red blood cells with a biconcave disc shape, maintaining their normal size and shape in an isotonic solution."
- },
- {
- "Prompt": "Red blood cells in hypertonic solution",
- "Explanation": "The model should generate an image of red blood cells that look shrunken or crenated (spiky), due to water loss",
- "Category": "Biology",
- "Subcategory": "State",
- "prompt_id": 724,
- "Hint": "Shrunken, spiky red blood cells caused by water loss in a hypertonic solution."
- },
- {
- "Prompt": "Red blood cells in hypotonic solution",
- "Explanation": "The model should generate an image of red blood cells that appear swollen and spherical, some may be bursting, due to water gain",
- "Category": "Biology",
- "Subcategory": "State",
- "prompt_id": 725,
- "Hint": "Swollen and spherical red blood cells, some bursting, due to water gain in a hypotonic solution."
- },
- {
- "Prompt": "A lake with a large algae bloom",
- "Explanation": "The image generated must show a lake The water should appear green, brown, red, or another unusual color, indicating a high concentration of algae The bloom may cover a significant portion of the water's surface",
- "Category": "Biology",
- "Subcategory": "State",
- "prompt_id": 726,
- "Hint": "A lake with water appearing green, brown, red, or another unusual color, indicating a high concentration of algae, with the bloom covering a significant portion of the water's surface."
- },
- {
- "Prompt": "A leaf infected by fungus",
- "Explanation": "The image should show a leaf with distinct black or yellow mold spots, indicating fungal infection on the surface",
- "Category": "Biology",
- "Subcategory": "State",
- "prompt_id": 727,
- "Hint": "A leaf with distinct black or yellow mold spots, indicating fungal infection on the surface."
- },
- {
- "Prompt": "A potted plant receiving consistent sunlight for a week",
- "Explanation": "The image should show a healthy potted plant with vibrant green leaves and upright stems, indicating it has received sufficient light for growth",
- "Category": "Biology",
- "Subcategory": "State",
- "prompt_id": 728,
- "Hint": "A healthy potted plant with vibrant green leaves and upright stems, indicating it has received sufficient light for growth."
- },
- {
- "Prompt": "A potted succulent placed in a completely dark closet for one week",
- "Explanation": "The image should show a wilted potted plant with drooping leaves, pale stems, and potentially elongated internodes, indicating a lack of light",
- "Category": "Biology",
- "Subcategory": "State",
- "prompt_id": 729,
- "Hint": "A wilted potted succulent with drooping leaves, pale stems, and elongated internodes, indicating a lack of light."
- },
- {
- "Prompt": "A recently peeled apple slice segment",
- "Explanation": "The image should depict an apple slice with fresh, moist flesh and minimal browning, indicating it was recently cut",
- "Category": "Biology",
- "Subcategory": "State",
- "prompt_id": 730,
- "Hint": "A fresh apple slice with moist flesh and minimal browning, indicating it was recently cut."
- },
- {
- "Prompt": "An apple slice, peeled and left out for a long time",
- "Explanation": "The image should show an apple slice with browned flesh and a slightly dry surface, indicating it has been exposed to air for a while",
- "Category": "Biology",
- "Subcategory": "State",
- "prompt_id": 731,
- "Hint": "An apple slice with browned flesh and a slightly dry surface, indicating it has been exposed to air for a while."
- },
- {
- "Prompt": "Dehydrated roses",
- "Explanation": "The model should generate an image of roses showing signs of severe dehydration. This should include drooping petals and stems, wilting leaves. The roses should appear listless and lacking their usual vibrancy",
- "Category": "Biology",
- "Subcategory": "State",
- "prompt_id": 732,
- "Hint": "Roses with drooping petals and stems, wilting leaves, appearing listless and lacking vibrancy."
- },
- {
- "Prompt": "An overripe banana",
- "Explanation": "The image should show a banana with dark spots, a soft texture, and possibly some bruising, indicating it is overripe",
- "Category": "Biology",
- "Subcategory": "State",
- "prompt_id": 733,
- "Hint": "An image of a banana with dark spots, a soft texture, and some bruising, indicating it is overripe."
- },
- {
- "Prompt": "A premature banana",
- "Explanation": "The image should show a banana with a firm texture, and a light green peel, indicating it is not fully ripe",
- "Category": "Biology",
- "Subcategory": "State",
- "prompt_id": 734,
- "Hint": "A banana with a firm texture and a light green peel, indicating it is not fully ripe."
- },
- {
- "Prompt": "The state of a leaf after a cold night",
- "Explanation": "The model should generate an image of a leaf covered in frost crystals in early morning",
- "Category": "Biology",
- "Subcategory": "State",
- "prompt_id": 735,
- "Hint": "A leaf covered in frost crystals in early morning."
- },
- {
- "Prompt": "A pine tree in severe drought",
- "Explanation": "The image should show a pine tree with dry, brown needles and parched soil, indicating a state of drought",
- "Category": "Biology",
- "Subcategory": "State",
- "prompt_id": 736,
- "Hint": "A pine tree with dry, brown needles and parched soil, indicating a state of drought."
- },
- {
- "Prompt": "Rice field with phosphorus deficiency",
- "Explanation": "The model should generate an image of a rice field exhibiting symptoms of phosphorus deficiency. This should include stunted growth, dark green leaves (sometimes with a reddish or purplish tinge), and reduced tillering (number of stems per plant). The overall field should appear unproductive and unhealthy",
- "Category": "Biology",
- "Subcategory": "State",
- "prompt_id": 737,
- "Hint": "A rice field with stunted growth, dark green leaves with reddish or purplish tinge, reduced tillering, and an unproductive, unhealthy appearance."
- },
- {
- "Prompt": "Apple tree with iron deficiency",
- "Explanation": "The model should generate an image of an apple tree exhibiting symptoms of iron deficiency (chlorosis). This should include yellowing of young leaves, with the veins remaining green (interveinal chlorosis). The overall tree may appear pale and stunted",
- "Category": "Biology",
- "Subcategory": "State",
- "prompt_id": 738,
- "Hint": "An apple tree with yellowing young leaves showing green veins (interveinal chlorosis), appearing pale and stunted, exhibiting symptoms of iron deficiency."
- },
- {
- "Prompt": "Nitrogen-deficient wheat field",
- "Explanation": "The model should generate an image of a wheat field where a significant portion of the plants show abnormally short stalks (stunted growth) compared to healthy wheat. The leaves may also be yellowed (chlorotic), especially the older ones",
- "Category": "Biology",
- "Subcategory": "State",
- "prompt_id": 739,
- "Hint": "A wheat field with a significant portion of the plants showing abnormally short stalks and yellowed leaves, especially the older ones, indicating nitrogen deficiency."
- },
- {
- "Prompt": "Potassium-deficient banana tree",
- "Explanation": "The model should generate an image of a banana tree specifically showing 'leaf scorch,' where the edges of the leaves are brown, dry, and appear burned. The older leaves will be affected more severely. The image should still display its signature green to demonstrate it is alive",
- "Category": "Biology",
- "Subcategory": "State",
- "prompt_id": 740,
- "Hint": "A banana tree with leaves showing brown, dry, scorched edges, with older leaves more severely affected, while the rest of the tree remains green and alive."
- },
- {
- "Prompt": "Calcium-deficient pepper plants",
- "Explanation": "The model should generate an image of pepper plants characterized by blossom-end rot on the developing peppers. This will show as dark, sunken lesions at the blossom end of the fruit. The leaves may also be distorted or curled",
- "Category": "Biology",
- "Subcategory": "State",
- "prompt_id": 741,
- "Hint": "Pepper plants with dark, sunken lesions at the blossom end of the fruit, showing signs of blossom-end rot, along with distorted or curled leaves."
- },
- {
- "Prompt": "Boron-deficient broccoli with hollow stem",
- "Explanation": "The model should generate an image of a broccoli head exhibiting symptoms of boron deficiency, including a hollow stem and/or a brown discoloration in the center of the head. The leaves may also be thick, brittle, and curled",
- "Category": "Biology",
- "Subcategory": "State",
- "prompt_id": 742,
- "Hint": "Broccoli head with a hollow stem, brown discoloration in the center, and thick, brittle, curled leaves showing signs of boron deficiency."
- },
- {
- "Prompt": "Skin scalded by hot water",
- "Explanation": "The model should generate an image of skin and the skin should be reddened",
- "Category": "Biology",
- "Subcategory": "State",
- "prompt_id": 743,
- "Hint": "Reddened skin caused by hot water."
- },
- {
- "Prompt": "Beehive, emphasizing its structural construction",
- "Explanation": "The model should generate an image of a beehive, with a strong emphasis on the intricate hexagonal structure of the honeycomb. The overall image should convey a sense of organized complexity",
- "Category": "Biology",
- "Subcategory": "State",
- "prompt_id": 744,
- "Hint": "A beehive showcasing the intricate hexagonal structure of the honeycomb, conveying a sense of organized complexity."
- },
- {
- "Prompt": "A fox in winter, highlighting the state of its fur",
- "Explanation": "The image should show a fox with a thick, dense fur, appearing fluffy and well-insulated against the cold. There may be snow or other winter elements in the scene",
- "Category": "Biology",
- "Subcategory": "State",
- "prompt_id": 745,
- "Hint": "A fox with thick, dense, fluffy fur in a winter setting, possibly surrounded by snow."
- },
- {
- "Prompt": "Arctic fox in snow",
- "Explanation": "The model should generate an image of an Arctic fox in its winter coat, blending seamlessly with a snowy landscape",
- "Category": "Biology",
- "Subcategory": "State",
- "prompt_id": 746,
- "Hint": "Arctic fox in its winter coat, blending seamlessly with a snowy landscape."
- },
- {
- "Prompt": "Stonefish on ocean floor",
- "Explanation": "The model should generate an image of a stonefish resting on the ocean floor, with its body camouflaged to resemble the surrounding rocks and sediment",
- "Category": "Biology",
- "Subcategory": "State",
- "prompt_id": 747,
- "Hint": "A stonefish resting on the ocean floor, its body camouflaged to resemble the surrounding rocks and sediment."
- },
- {
- "Prompt": "Eutrophic lake",
- "Explanation": "The model should generate an image of a lake exhibiting signs of eutrophication. The water should appear green due to a high concentration of algae (phytoplankton)",
- "Category": "Biology",
- "Subcategory": "State",
- "prompt_id": 748,
- "Hint": "A lake with green water due to a high concentration of algae (phytoplankton), exhibiting signs of eutrophication."
- },
- {
- "Prompt": "Stationary stick insect",
- "Explanation": "The model should generate an image of a stick insect that is extremely difficult to distinguish from its surroundings. The stick insect should be positioned on a branch or among leaves, and its color, shape, and texture should blend seamlessly with the environment",
- "Category": "Biology",
- "Subcategory": "State",
- "prompt_id": 749,
- "Hint": "A stick insect blending seamlessly with its surroundings, positioned on a branch or among leaves, with its color, shape, and texture mimicking the environment."
- },
- {
- "Prompt": "Skin after a mosquito bite",
- "Explanation": "The model should generate an image of human skin showing a raised, red bump caused by a mosquito bite. The surrounding skin may also be slightly reddened or inflamed",
- "Category": "Biology",
- "Subcategory": "State",
- "prompt_id": 750,
- "Hint": "Human skin showing a raised, red bump caused by a mosquito bite, with surrounding skin slightly reddened or inflamed."
- },
- {
- "Prompt": "Siblings of identical twins",
- "Explanation": "The model should generate two babies who look extremely similar, almost identical",
- "Category": "Biology",
- "Subcategory": "State",
- "prompt_id": 751,
- "Hint": "Two identical twin babies."
- },
- {
- "Prompt": "Siblings of fraternal twins",
- "Explanation": "The model should generate images of two infants, who have significant differences",
- "Category": "Biology",
- "Subcategory": "State",
- "prompt_id": 752,
- "Hint": "Two infants with significant differences in appearance."
- },
- {
- "Prompt": "Mimosa pudica leaf being touched",
- "Explanation": "The model should generate an image of a Mimosa pudica with its leaves in the process of folding or closing in response to touch. Some leaflets should be fully closed, while others may be in the process of closing",
- "Category": "Biology",
- "Subcategory": "Behavior",
- "prompt_id": 753,
- "Hint": "A Mimosa pudica with its leaves in the process of folding or closing in response to touch, with some leaflets fully closed and others in the process of closing."
- },
- {
- "Prompt": "A chameleon perfectly camouflaged against a green leaf",
- "Explanation": "The image should show a chameleon with its skin color and pattern closely matching the green color and texture of a surrounding leaf",
- "Category": "Biology",
- "Subcategory": "Behavior",
- "prompt_id": 754,
- "Hint": "A chameleon with its skin color and pattern closely matching the green color and texture of a surrounding leaf."
- },
- {
- "Prompt": "Frogs mating and laying eggs",
- "Explanation": "The model should generate an image of two frogs in amplexus (mating embrace), with the male clinging to the female's back",
- "Category": "Biology",
- "Subcategory": "Behavior",
- "prompt_id": 755,
- "Hint": "Two frogs in amplexus (mating embrace), with the male clinging to the female's back."
- },
- {
- "Prompt": "Migrating geese, emphasizing the shape of the formation",
- "Explanation": "The model should generate an image of a flock of geese flying in a characteristic V-formation",
- "Category": "Biology",
- "Subcategory": "Behavior",
- "prompt_id": 756,
- "Hint": "A flock of geese flying in a characteristic V-formation."
- },
- {
- "Prompt": "Dog marking its territory",
- "Explanation": "The model should generate an image of a dog urinating. The urine should be visible",
- "Category": "Biology",
- "Subcategory": "Behavior",
- "prompt_id": 757,
- "Hint": "A dog urinating with visible urine."
- },
- {
- "Prompt": "A chameleon perfectly camouflaged against a brown leaf",
- "Explanation": "The image should show a chameleon with its skin color and pattern closely matching the brown color and texture of a dry leaf or soil",
- "Category": "Biology",
- "Subcategory": "Behavior",
- "prompt_id": 758,
- "Hint": "A chameleon with its skin color and pattern closely matching the brown color and texture of a dry leaf or soil."
- },
- {
- "Prompt": "A Mimosa pudica plant before being touched",
- "Explanation": "The model should generate an image showing a Mimosa pudica (sensitive plant) with its leaves fully open and extended, representing its normal, undisturbed state The leaves should appear healthy and vibrant",
- "Category": "Biology",
- "Subcategory": "Behavior",
- "prompt_id": 759,
- "Hint": "A Mimosa pudica plant with its leaves fully open and extended, appearing healthy and vibrant."
- },
- {
- "Prompt": "Lion marking its territory",
- "Explanation": "The model should generate an image of a lion standing near a tree and exhibiting territorial marking behavior. This should include visible claw marks on the tree trunk",
- "Category": "Biology",
- "Subcategory": "Behavior",
- "prompt_id": 760,
- "Hint": "A lion standing near a tree with visible claw marks on the tree trunk, exhibiting territorial marking behavior."
- },
- {
- "Prompt": "A Mimosa pudica plant after being touched",
- "Explanation": "The model should generate an image showing a Mimosa pudica plant with its leaves folded inward and drooping, demonstrating its rapid response to touch The image should clearly illustrate the plant's defensive mechanism",
- "Category": "Biology",
- "Subcategory": "Behavior",
- "prompt_id": 761,
- "Hint": "A Mimosa pudica plant with its leaves folded inward and drooping, demonstrating its rapid response to touch."
- },
- {
- "Prompt": "Vultures feeding",
- "Explanation": "The model should generate an image of vultures actively feeding on carrion. The scene should be realistic and depict the vultures in a setting appropriate for scavenging, such as a dry grassland, desert, or open savanna. The depiction of carrion should be present and reasonably detailed",
- "Category": "Biology",
- "Subcategory": "Behavior",
- "prompt_id": 762,
- "Hint": "Vultures feeding on carrion in a realistic setting such as a dry grassland, desert, or open savanna, with detailed carrion depiction."
- },
- {
- "Prompt": "Porcupine defending itself from a predator",
- "Explanation": "The model should generate an image of a porcupine exhibiting defensive behaviors in response to a perceived threat. The porcupine should be displaying its spines prominently, raised or fanned out",
- "Category": "Biology",
- "Subcategory": "Behavior",
- "prompt_id": 763,
- "Hint": "A porcupine with its spines prominently raised or fanned out in a defensive posture."
- },
- {
- "Prompt": "Pangolin defending itself from a predator",
- "Explanation": "The model should generate an image of a pangolin exhibiting its primary defensive behavior: curling into a tight ball. The scales should be prominently displayed, forming a protective armor around the animal. The head and limbs should be tucked inside the ball",
- "Category": "Biology",
- "Subcategory": "Behavior",
- "prompt_id": 764,
- "Hint": "A pangolin curled into a tight ball, prominently displaying its protective scales as armor, with its head and limbs tucked inside."
- },
- {
- "Prompt": "Armadillo threatened by a predator",
- "Explanation": "The model should generate an image of an armadillo reacting to a perceived threat. Ideally, the armadillo should be depicted curling into a ball, with its armored plates providing protection",
- "Category": "Biology",
- "Subcategory": "Behavior",
- "prompt_id": 765,
- "Hint": "An armadillo curling into a ball, with its armored plates providing protection, reacting to a perceived threat."
- },
- {
- "Prompt": "Hedgehog defending itself from a predator",
- "Explanation": "The model should generate an image of a hedgehog curled into a tight ball, with its spines fully erect. The predator (e.g., fox, badger) may be nearby but not directly attacking. The environment should be a woodland or garden setting. The image should convey a sense of prickly defensiveness",
- "Category": "Biology",
- "Subcategory": "Behavior",
- "prompt_id": 766,
- "Hint": "A hedgehog curled into a tight ball with its spines fully erect in a woodland or garden setting, with a nearby predator such as a fox or badger, conveying a sense of prickly defensiveness."
- },
- {
- "Prompt": "Opossum's common behavior to avoid a predator",
- "Explanation": "The model should generate an image of an opossum lying on its side with its mouth open and tongue lolling out, mimicking a dead animal",
- "Category": "Biology",
- "Subcategory": "Behavior",
- "prompt_id": 767,
- "Hint": "An opossum lying on its side with its mouth open and tongue lolling out, mimicking a dead animal."
- },
- {
- "Prompt": "Frilled-neck lizard defending itself from a predator",
- "Explanation": "The model should generate an image of a frilled-neck lizard displaying its frill, with its mouth open and standing on its hind legs. The environment should be a tropical woodland or savanna",
- "Category": "Biology",
- "Subcategory": "Behavior",
- "prompt_id": 768,
- "Hint": "Frilled-neck lizard displaying its frill, with its mouth open and standing on its hind legs in a tropical woodland or savanna environment."
- },
- {
- "Prompt": "Box turtle defending itself from a predator",
- "Explanation": "The model should generate an image of a box turtle fully retracted into its shell, with the hinged shell tightly closed. A predator (e.g., raccoon, dog) might be investigating the shell",
- "Category": "Biology",
- "Subcategory": "Behavior",
- "prompt_id": 769,
- "Hint": "A box turtle fully retracted into its tightly closed, hinged shell, with a predator like a raccoon or dog investigating it."
- },
- {
- "Prompt": "A frigatebird displaying to attract a mate",
- "Explanation": "The model should generate an image of a male frigatebird with its bright red gular sac fully inflated. The inflated sac should be the most prominent visual element, clearly distinguishing the male. A female frigatebird may be visible nearby",
- "Category": "Biology",
- "Subcategory": "Behavior",
- "prompt_id": 770,
- "Hint": "A male frigatebird with its bright red gular sac fully inflated, prominently displayed, with a female frigatebird visible nearby."
- },
- {
- "Prompt": "Fireflies displaying to attract mates",
- "Explanation": "The model should generate an image of numerous fireflies flashing their bioluminescent lights in a dark environment, such as a field, forest, or swamp at night",
- "Category": "Biology",
- "Subcategory": "Behavior",
- "prompt_id": 771,
- "Hint": "Numerous fireflies flashing their bioluminescent lights in a dark environment, such as a field, forest, or swamp at night."
- },
- {
- "Prompt": "Describe the behavior of a sloth most of the time",
- "Explanation": "The model should generate an image of a sloth hanging from a tree branch in a rainforest environment. The sloth should appear relaxed and still or moving very slowly",
- "Category": "Biology",
- "Subcategory": "Behavior",
- "prompt_id": 772,
- "Hint": "A sloth hanging from a tree branch in a rainforest environment, appearing relaxed and still or moving very slowly."
- },
- {
- "Prompt": "Electric eel displaying a common behavior for predation or defense",
- "Explanation": "The model should generate an image of an electric eel in a murky, freshwater environment, such as a river or swamp. The eel should be depicted generating an electric discharge",
- "Category": "Biology",
- "Subcategory": "Behavior",
- "prompt_id": 773,
- "Hint": "An electric eel in a murky, freshwater environment like a river or swamp, generating an electric discharge."
- },
- {
- "Prompt": "Describe a water lily flower closing",
- "Explanation": "The model should generate an image of a water lily with its flower closed or partially closed. The image should accurately convey a nighttime setting",
- "Category": "Biology",
- "Subcategory": "Behavior",
- "prompt_id": 774,
- "Hint": "A water lily flower partially closing in a nighttime setting."
- },
- {
- "Prompt": "Describe a water lily flower fully open and facing upwards",
- "Explanation": "The model should generate an image of a water lily with its flower fully open and facing upwards. The image should accurately convey a daytime setting, with bright, natural lighting",
- "Category": "Biology",
- "Subcategory": "Behavior",
- "prompt_id": 775,
- "Hint": "A fully open water lily flower facing upwards in bright, natural daytime lighting."
- },
- {
- "Prompt": "Morning rooster, emphasizing its behavior",
- "Explanation": "The image should show a rooster with its beak open and neck stretched upwards, indicating crowing",
- "Category": "Biology",
- "Subcategory": "Behavior",
- "prompt_id": 776,
- "Hint": "A rooster with its beak open and neck stretched upwards, indicating crowing in the morning."
- },
- {
- "Prompt": "Bats resting in the trees",
- "Explanation": "The image should show one or more bats hanging upside down from a tree branch",
- "Category": "Biology",
- "Subcategory": "Behavior",
- "prompt_id": 777,
- "Hint": "Bats hanging upside down from a tree branch."
- },
- {
- "Prompt": "A cheetah preparing to sprint towards its prey",
- "Explanation": "The image should show a cheetah crouched, focusing intently on its prey with a tense body posture in a savannah setting",
- "Category": "Biology",
- "Subcategory": "Behavior",
- "prompt_id": 778,
- "Hint": "A crouched cheetah in a savannah setting, focusing intently on its prey with a tense body posture."
- },
- {
- "Prompt": "Octopus behavior when facing danger",
- "Explanation": "The image should show an octopus ejecting a cloud of dark ink",
- "Category": "Biology",
- "Subcategory": "Behavior",
- "prompt_id": 779,
- "Hint": "An octopus ejecting a cloud of dark ink."
- },
- {
- "Prompt": "Jellyfish in the darkness",
- "Explanation": "The image should show a jellyfish emitting light",
- "Category": "Biology",
- "Subcategory": "Behavior",
- "prompt_id": 780,
- "Hint": "A glowing jellyfish in the darkness."
- },
- {
- "Prompt": "Lizard's extreme escape behavior when facing danger",
- "Explanation": "The image should show a lizard detaching its tail",
- "Category": "Biology",
- "Subcategory": "Behavior",
- "prompt_id": 781,
- "Hint": "A lizard detaching its tail."
- },
- {
- "Prompt": "Common behavior after a whale surfaces",
- "Explanation": "The image should show whale spraying",
- "Category": "Biology",
- "Subcategory": "Behavior",
- "prompt_id": 782,
- "Hint": "Whale spraying water from its blowhole after surfacing."
- },
- {
- "Prompt": "Sunflowers and the sun",
- "Explanation": "The model should generate an image of sunflowers with their heads oriented towards the sun. The sun should be visible in the sky, bright and clear",
- "Category": "Biology",
- "Subcategory": "Behavior",
- "prompt_id": 783,
- "Hint": "Sunflowers with their heads oriented towards a bright, clear sun in the sky."
- },
- {
- "Prompt": "A male peacock trying to attract a female",
- "Explanation": "The image should show a peacock with its tail feathers fully extended and displayed, showcasing vibrant colors and patterns used for courtship",
- "Category": "Biology",
- "Subcategory": "Behavior",
- "prompt_id": 784,
- "Hint": "A male peacock with its tail feathers fully extended, showcasing vibrant colors and intricate patterns for courtship."
- },
- {
- "Prompt": "A bird grooming its feathers",
- "Explanation": "The image should show a bird using its beak to carefully groom its feathers",
- "Category": "Biology",
- "Subcategory": "Behavior",
- "prompt_id": 785,
- "Hint": "A bird using its beak to groom its feathers."
- },
- {
- "Prompt": "A bear in the cold winter months",
- "Explanation": "The image should show a bear curled up and sleeping, with its body nestled in a den or under thick layers of snow, indicating it is in hibernation during the cold winter period",
- "Category": "Biology",
- "Subcategory": "Behavior",
- "prompt_id": 786,
- "Hint": "A bear curled up and sleeping, nestled in a den or under thick layers of snow during hibernation in the cold winter months."
- },
- {
- "Prompt": "Wildebeest migration on the African savanna",
- "Explanation": "The model should generate an image of thousands of wildebeest running across the African savanna, kicking up dust",
- "Category": "Biology",
- "Subcategory": "Behavior",
- "prompt_id": 787,
- "Hint": "Thousands of wildebeest running across the African savanna, kicking up dust."
- },
- {
- "Prompt": "Cat grooming itself",
- "Explanation": "The model should generate an image of a cat using its tongue to groom its fur. The cat should be licking its fur, and the tongue should be visibly extended. The cat should appear relaxed and content",
- "Category": "Biology",
- "Subcategory": "Behavior",
- "prompt_id": 788,
- "Hint": "A cat using its tongue to groom its fur, with its tongue visibly extended, appearing relaxed and content."
- },
- {
- "Prompt": "Venus flytrap catching an insect",
- "Explanation": "The model should generate an image of a Venus flytrap with its leaves snapped shut around an insect (e.g., fly, ant). The trap should be tightly closed",
- "Category": "Biology",
- "Subcategory": "Behavior",
- "prompt_id": 789,
- "Hint": "Venus flytrap with its leaves snapped shut around an insect like a fly or ant, the trap tightly closed."
- },
- {
- "Prompt": "Gorilla displaying dominance",
- "Explanation": "The model should generate an image of a male gorilla standing upright and beating its chest with its hands. The gorilla should appear large and imposing",
- "Category": "Biology",
- "Subcategory": "Behavior",
- "prompt_id": 790,
- "Hint": "Male gorilla standing upright, beating its chest with its hands, appearing large and imposing."
- },
- {
- "Prompt": "Kangaroo nursing its joey",
- "Explanation": "The model should generate an image of a female kangaroo nursing a joey (baby kangaroo). The joey should be attached to the nipple inside the mother's pouch, with its head and/or upper body visible",
- "Category": "Biology",
- "Subcategory": "Behavior",
- "prompt_id": 791,
- "Hint": "A female kangaroo nursing a joey, with the joey's head and/or upper body visible while attached to the nipple inside the mother's pouch."
- },
- {
- "Prompt": "Monarch butterfly migration",
- "Explanation": "The model should generate an image of monarch butterflies, thousands to millions of butterflies should be visible, and the scene should convey a sense of mass migration",
- "Category": "Biology",
- "Subcategory": "Behavior",
- "prompt_id": 792,
- "Hint": "Thousands of monarch butterflies in flight, conveying a sense of mass migration."
- },
- {
- "Prompt": "Crow extracting insects from a tree cavity",
- "Explanation": "The model should generate an image of a crow using a tool to extract food. The crow should be positioned near a tree, with its long beak, and should be using a twig, to extract this food",
- "Category": "Biology",
- "Subcategory": "Behavior",
- "prompt_id": 793,
- "Hint": "A crow near a tree using a twig with its beak to extract insects from a tree cavity."
- },
- {
- "Prompt": "Social heating behavior in penguins",
- "Explanation": "The model should generate an image of penguins tightly packed and huddling for warmth and they need to be tightly packed and in a out door setting to get an accurate reflection",
- "Category": "Biology",
- "Subcategory": "Behavior",
- "prompt_id": 794,
- "Hint": "Penguins tightly packed and huddling for warmth in an outdoor setting."
- },
- {
- "Prompt": "Sardine's group defense against predators",
- "Explanation": "The model should generate an image of a large school of sardines forming a tight, spherical cluster (a bait ball) in the water",
- "Category": "Biology",
- "Subcategory": "Behavior",
- "prompt_id": 795,
- "Hint": "A large school of sardines forming a tight, spherical cluster (a bait ball) in the water."
- },
- {
- "Prompt": "Elephant using a tool to drive flies",
- "Explanation": "The model should generate an image of an elephant holding a branch in its trunk to remove flies, and must be accurate in its trunk movements and their behaviors",
- "Category": "Biology",
- "Subcategory": "Behavior",
- "prompt_id": 796,
- "Hint": "An elephant holding a branch in its trunk to remove flies."
- },
- {
- "Prompt": "Hippo marking its territory",
- "Explanation": "The model should generate an image of a hippo with its tail raised and flinging dung (feces) into the surrounding environment. The tail movement should be visible, and the flung dung should be clearly depicted",
- "Category": "Biology",
- "Subcategory": "Behavior",
- "prompt_id": 797,
- "Hint": "A hippo with its tail raised, flinging dung into the surrounding environment, with visible tail movement and clearly depicted flung dung."
- },
- {
- "Prompt": "Zebras forming a defensive circle",
- "Explanation": "The model should generate an image of a group of zebras forming a tight circle as a defensive technique, with the heads of the zebras facing outward. There may be cubs Inside the circle",
- "Category": "Biology",
- "Subcategory": "Behavior",
- "prompt_id": 798,
- "Hint": "A group of zebras forming a tight circle with their heads facing outward, possibly with cubs inside the circle."
- },
- {
- "Prompt": "Penguin parents transferring an egg",
- "Explanation": "The model should generate an image of two penguins using their beaks to carefully transfer an egg. The penguins should be facing each other, and the egg should be delicately balanced between their beaks",
- "Category": "Biology",
- "Subcategory": "Behavior",
- "prompt_id": 799,
- "Hint": "Two penguins facing each other, using their beaks to carefully transfer an egg delicately balanced between them."
- },
- {
- "Prompt": "Virginia creeper and wall, highlighting the behavior of Virginia creeper",
- "Explanation": "The model should generate an image illustrating the Virginia creeper's upward growth along the wall, closely adhering to the surface",
- "Category": "Biology",
- "Subcategory": "Behavior",
- "prompt_id": 800,
- "Hint": "Virginia creeper growing upward along a wall, closely adhering to the surface."
- },
- {
- "Prompt": "A string of decorative lights hanging from a balcony",
- "Explanation": "The model should generate an image where the lights hang downwards due to gravity, and not floating in the air or defying gravity The curve of the string should be consistent with a hanging object",
- "Category": "Physical Knowledge",
- "Subcategory": "Mechanics",
- "prompt_id": 801,
- "Hint": "A string of decorative lights hanging down naturally from a balcony, following the curve of gravity."
- },
- {
- "Prompt": "An elephant and a rabbit stand on both sides of a seesaw",
- "Explanation": "The model should generate an image where the seesaw is significantly tilted due to the weight difference between the elephant and the rabbit. The elephant should be on the lower side, close to the ground, and the rabbit should be on the higher side, elevated in the air The seesaw should not be level",
- "Category": "Physical Knowledge",
- "Subcategory": "Mechanics",
- "prompt_id": 802,
- "Hint": "An image of a seesaw significantly tilted with an elephant on the lower side close to the ground and a rabbit elevated on the higher side in the air."
- },
- {
- "Prompt": "An iron ball and an equally sized soccer ball are standing on either side of the balance beam",
- "Explanation": "The model should generate an image where the beam balance is heavily tilted due to the substantial weight difference between the iron ball and the soccer ball The pan holding the iron ball should be positioned low, possibly touching the ground, and the pan holding the soccer ball should be noticeably higher The balance should be in a static tilted position",
- "Category": "Physical Knowledge",
- "Subcategory": "Mechanics",
- "prompt_id": 803,
- "Hint": "A beam balance heavily tilted, with a heavy iron ball on one side positioned low to the ground and an equally sized soccer ball on the other side positioned higher."
- },
- {
- "Prompt": "The large stone and the rubber ball are standing on both sides of the beam balance",
- "Explanation": "The model should generate an image where the beam balance is tilted, indicating that the stone is heavier than the rubber ball The side with the stone should be lower, with a visible angle between the two pans, implying a weight difference, but the stone's side isn't at the extreme point The balance should not be level",
- "Category": "Physical Knowledge",
- "Subcategory": "Mechanics",
- "prompt_id": 804,
- "Hint": "A tilted beam balance with a large stone on the lower side and a rubber ball on the higher side, clearly indicating the stone is heavier, with a visible angle between the two pans but not at an extreme tilt."
- },
- {
- "Prompt": "The child and the leaf are standing on both sides of the teeter-totter",
- "Explanation": "The model should generate an image where the teeter-totter is heavily tilted due to the very different weights of the child and the leaf The side with the child should be almost touching the ground, and the other end with the leaf should be high in the air The teeter-totter should not be level",
- "Category": "Physical Knowledge",
- "Subcategory": "Mechanics",
- "prompt_id": 805,
- "Hint": "A teeter-totter heavily tilted with a child on one end near the ground and a leaf on the other end high in the air."
- },
- {
- "Prompt": "Two gold balls, one large and one small, fall from the air Compare their height at the same moment",
- "Explanation": "The model should generate an image where the two gold balls are at approximately the same height at any given moment during their fall, reflecting that their falling speed is independent of size due to gravity",
- "Category": "Physical Knowledge",
- "Subcategory": "Mechanics",
- "prompt_id": 806,
- "Hint": "Two gold balls, one large and one small, falling through the air at approximately the same height, reflecting their equal falling speed due to gravity."
- },
- {
- "Prompt": "A hanging plumb bob and the ground",
- "Explanation": "The model should generate an image where the plumb bob hangs vertically downwards due to gravity, with the plumb line perpendicular to the ground The line and plumb bob should be in a straight line pointing directly to the ground",
- "Category": "Physical Knowledge",
- "Subcategory": "Mechanics",
- "prompt_id": 807,
- "Hint": "A plumb bob hanging vertically downward with a straight plumb line perpendicular to the ground."
- },
- {
- "Prompt": "A hanging melon next to the ground",
- "Explanation": "The model should generate an image where the hanging melon hangs vertically downwards due to gravity, with the hanging structure (e.g., rope, wire, vine) perpendicular to the ground The melon should appear to be hanging straight down and the supporting structure should be vertical and should not be curved The supporting structure should be in a straight line pointing directly to the ground",
- "Category": "Physical Knowledge",
- "Subcategory": "Mechanics",
- "prompt_id": 808,
- "Hint": "A hanging melon suspended vertically downwards by a straight supporting structure such as a rope, wire, or vine, with the structure perpendicular to the ground."
- },
- {
- "Prompt": "The positional relationship between a person and the ground, when there is no gravity",
- "Explanation": "The model should generate an image where a person is not standing upright on the ground and is not bound by the earth; instead, the person is floating freely in the air and may be at any angle relative to the ground The person\u2019s pose may be oriented in any direction and should not be limited to one direction There is no specific direction for the person in the image The key point of the image is that the person does not obey normal gravity-based orientation to the ground",
- "Category": "Physical Knowledge",
- "Subcategory": "Mechanics",
- "prompt_id": 809,
- "Hint": "A person floating freely in the air, oriented at any angle, with no indication of gravity-based orientation to the ground."
- },
- {
- "Prompt": "The positional relationship between a pencil and the ground, when there is no gravity",
- "Explanation": "The model should generate an image where a pencil is not lying on the ground or standing upright Instead, the pencil should be depicted as floating freely in the air, with its direction and angle being arbitrary and not defined by earth's gravity The key aspect is the pencil's state of free floating, irrespective of its alignment with the ground or any particular direction The image should portray the pencil being uninfluenced by gravity",
- "Category": "Physical Knowledge",
- "Subcategory": "Mechanics",
- "prompt_id": 810,
- "Hint": "A pencil floating freely in the air, with its direction and angle arbitrary, uninfluenced by gravity."
- },
- {
- "Prompt": "A pair and a piece of light wood are placed in a transparent water tank",
- "Explanation": "The model should generate an image where both the pair and the wood are floating on the surface of the water due to buoyancy",
- "Category": "Physical Knowledge",
- "Subcategory": "Mechanics",
- "prompt_id": 811,
- "Hint": "A pair and a piece of light wood floating on the surface of water in a transparent tank."
- },
- {
- "Prompt": "A small piece of dry wood and a dense iron block are in a transparent water tank",
- "Explanation": "The model should generate an image where the piece of wood is floating on the surface of the water, while the iron block is sunk to the bottom. The image should clearly show the difference in buoyancy between the two materials, with one floating and the other completely submerged",
- "Category": "Physical Knowledge",
- "Subcategory": "Mechanics",
- "prompt_id": 812,
- "Hint": "A transparent water tank showing a small piece of dry wood floating on the surface and a dense iron block sunk at the bottom, clearly illustrating the difference in buoyancy."
- },
- {
- "Prompt": "A tennis ball and a iron block are in a transparent water tank",
- "Explanation": "The model should generate an image where the tennis ball is floating on the surface of the water, and the iron block is sunk to the bottom of the tank. The image should clearly differentiate between the two objects' positions in water, showing one buoyant and one submerged",
- "Category": "Physical Knowledge",
- "Subcategory": "Mechanics",
- "prompt_id": 813,
- "Hint": "A transparent water tank with a tennis ball floating on the surface and an iron block sunk to the bottom, clearly showing their contrasting positions in the water."
- },
- {
- "Prompt": "An empty plastic bottle and a large rock in a transparent water tank",
- "Explanation": "The model should generate an image where the plastic bottle is floating on the surface of the water, while the rock is sunk to the bottom. The image should clearly show the difference in buoyancy between the two materials, with one floating and the other completely submerged",
- "Category": "Physical Knowledge",
- "Subcategory": "Mechanics",
- "prompt_id": 814,
- "Hint": "An image of an empty plastic bottle floating on the water's surface and a large rock sunk to the bottom in a transparent water tank, clearly showing the difference in buoyancy."
- },
- {
- "Prompt": "A wooden toy boat and several metal screws in a transparent water tank",
- "Explanation": "The model should generate an image where the wooden toy boat is floating on the surface of the water, while the metal screws are sunk to the bottom of the tank. The image should depict how some objects are buoyant, and some are not, even within the same water tank",
- "Category": "Physical Knowledge",
- "Subcategory": "Mechanics",
- "prompt_id": 815,
- "Hint": "A wooden toy boat floating on the surface of the water and several metal screws sunk to the bottom of a transparent water tank, illustrating buoyancy differences."
- },
- {
- "Prompt": "A balloon filled with air in a room",
- "Explanation": "The model should generate an image showing a balloon filled with air resting on the floor or suspended slightly, indicating its lack of significant buoyancy",
- "Category": "Physical Knowledge",
- "Subcategory": "Mechanics",
- "prompt_id": 816,
- "Hint": "A balloon filled with air resting on the floor or suspended slightly in a room."
- },
- {
- "Prompt": "A balloon filled with helium in a room",
- "Explanation": "The model should generate an image showing a balloon filled with helium floating towards the ceiling, demonstrating its buoyancy due to being less dense than the surrounding air",
- "Category": "Physical Knowledge",
- "Subcategory": "Mechanics",
- "prompt_id": 817,
- "Hint": "A helium-filled balloon floating near the ceiling of a room."
- },
- {
- "Prompt": "A bowl of soft dough with a heavy wooden spoon left resting in the center",
- "Explanation": "The image should depict the spoon's imprint in the dough, indicating the effect of its weight and the pressure exerted on the soft surface",
- "Category": "Physical Knowledge",
- "Subcategory": "Mechanics",
- "prompt_id": 818,
- "Hint": "A bowl of soft dough with a heavy wooden spoon resting in the center, leaving an imprint on the dough."
- },
- {
- "Prompt": "A laptop resting on a beanbag chair",
- "Explanation": "The model should generate an image showing the beanbag chair deforming under the pressure of the laptop, conforming to its shape",
- "Category": "Physical Knowledge",
- "Subcategory": "Mechanics",
- "prompt_id": 819,
- "Hint": "A laptop resting on a beanbag chair that is deforming under the pressure, conforming to the laptop's shape."
- },
- {
- "Prompt": "A stack of plates on a loaf of fresh bread",
- "Explanation": "The model should generate an image showing the bread being compressed and misshapen due to the pressure of the plates",
- "Category": "Physical Knowledge",
- "Subcategory": "Mechanics",
- "prompt_id": 820,
- "Hint": "A stack of plates compressing and misshaping a loaf of fresh bread."
- },
- {
- "Prompt": "A glass bottle placed on a pile of soft cotton balls",
- "Explanation": "The model should generate an image showing the cotton balls being compressed and deformed by the pressure of the bottle",
- "Category": "Physical Knowledge",
- "Subcategory": "Mechanics",
- "prompt_id": 821,
- "Hint": "A glass bottle compressing and deforming a pile of soft cotton balls."
- },
- {
- "Prompt": "A heavy stone on a block of memory foam",
- "Explanation": "The model should generate an image displaying the memory foam being indented and compressed by the pressure from the stone",
- "Category": "Physical Knowledge",
- "Subcategory": "Mechanics",
- "prompt_id": 822,
- "Hint": "A heavy stone compressing and indenting a block of memory foam."
- },
- {
- "Prompt": "A vase of flowers resting on a pile of laundry",
- "Explanation": "The model should generate an image illustrating the laundry compressed and rumpled from the pressure and weight of the vase",
- "Category": "Physical Knowledge",
- "Subcategory": "Mechanics",
- "prompt_id": 823,
- "Hint": "A vase of flowers resting on compressed and rumpled laundry, showing the pressure and weight of the vase."
- },
- {
- "Prompt": "A coffee mug on top of a pile of fluffy marshmallows",
- "Explanation": "The model should generate an image showing the marshmallows being deformed and squashed due to the pressure of the mug",
- "Category": "Physical Knowledge",
- "Subcategory": "Mechanics",
- "prompt_id": 824,
- "Hint": "A coffee mug pressing down on a pile of fluffy marshmallows, causing them to deform and squash under the pressure."
- },
- {
- "Prompt": "A small toy car sitting on a piece of modeling clay",
- "Explanation": "The model should generate an image depicting a clear impression or deformation in the clay from the pressure of the toy car\u2019s wheels",
- "Category": "Physical Knowledge",
- "Subcategory": "Mechanics",
- "prompt_id": 825,
- "Hint": "A small toy car sitting on a piece of modeling clay with clear impressions or deformations in the clay from the pressure of the car\u2019s wheels."
- },
- {
- "Prompt": "A remote control pressing into a mound of whipped cream",
- "Explanation": "The model should generate an image showing the whipped cream being compressed and deformed by the pressure of the remote",
- "Category": "Physical Knowledge",
- "Subcategory": "Mechanics",
- "prompt_id": 826,
- "Hint": "A remote control pressing into a mound of whipped cream, visibly compressing and deforming the whipped cream."
- },
- {
- "Prompt": "A full jar of jam sitting on a sponge",
- "Explanation": "The model should generate an image depicting the sponge compressing under the weight of the jar, showing a clear indentation",
- "Category": "Physical Knowledge",
- "Subcategory": "Mechanics",
- "prompt_id": 827,
- "Hint": "A full jar of jam sitting on a sponge, with the sponge compressing under the weight, showing a clear indentation."
- },
- {
- "Prompt": "A set of keys placed on a freshly baked cake",
- "Explanation": "The model should generate an image showing the surface of the cake indented and potentially torn by the pressure of the keys",
- "Category": "Physical Knowledge",
- "Subcategory": "Mechanics",
- "prompt_id": 828,
- "Hint": "A set of keys placed on the surface of a freshly baked cake, with the surface indented and slightly torn by the pressure of the keys."
- },
- {
- "Prompt": "A beach after many footsteps",
- "Explanation": "The model should generate an image showing various depths of footprints in the sand, illustrating different levels of pressure applied by walking",
- "Category": "Physical Knowledge",
- "Subcategory": "Mechanics",
- "prompt_id": 829,
- "Hint": "A sandy beach covered with footprints of varying depths, illustrating different levels of pressure applied by walking."
- },
- {
- "Prompt": "A sealed glass jar in a vacuum chamber",
- "Explanation": "The model should generate an image showing a glass jar, potentially with its lid slightly bulging outwards, indicating the internal pressure being greater than the external vacuum",
- "Category": "Physical Knowledge",
- "Subcategory": "Mechanics",
- "prompt_id": 830,
- "Hint": "A sealed glass jar with its lid slightly bulging outwards, placed in a vacuum chamber."
- },
- {
- "Prompt": "An empty plastic bottle under 20 standard atmospheres",
- "Explanation": "The model should generate an image showing an empty plastic bottle that is visibly crushed or deformed, illustrating the effect of 10 standard atmospheres of external pressure",
- "Category": "Physical Knowledge",
- "Subcategory": "Mechanics",
- "prompt_id": 831,
- "Hint": "An empty plastic bottle that is visibly crushed or deformed, illustrating the effect of 20 standard atmospheres of external pressure."
- },
- {
- "Prompt": "A small needle carefully placed on the surface of water",
- "Explanation": "The model should generate an image showing a small needle floating on the surface of water, illustrating how surface tension supports the object despite it being denser than water",
- "Category": "Physical Knowledge",
- "Subcategory": "Mechanics",
- "prompt_id": 832,
- "Hint": "A small needle floating on the surface of water, demonstrating surface tension."
- },
- {
- "Prompt": "A water strider insect walking on a pond",
- "Explanation": "The model should generate an image showing a water strider insect supported by the surface of a pond, demonstrating how surface tension allows it to walk on the water without sinking",
- "Category": "Physical Knowledge",
- "Subcategory": "Mechanics",
- "prompt_id": 833,
- "Hint": "A water strider insect walking on the surface of a pond, supported by surface tension."
- },
- {
- "Prompt": "A single water droplet clinging to a leaf",
- "Explanation": "The model should generate an image of a water droplet that is perfectly spherical, or nearly so, clinging to a leaf, illustrating surface tension\u2019s effect on the water droplet\u2019s shape",
- "Category": "Physical Knowledge",
- "Subcategory": "Mechanics",
- "prompt_id": 834,
- "Hint": "A perfectly spherical water droplet clinging to a leaf, illustrating surface tension."
- },
- {
- "Prompt": "A series of small mercury droplets on a smooth glass surface",
- "Explanation": "The model should generate an image showing several distinct, spherical mercury droplets on a glass surface, exhibiting the strong surface tension of mercury that leads to a minimal contact area",
- "Category": "Physical Knowledge",
- "Subcategory": "Mechanics",
- "prompt_id": 835,
- "Hint": "Several distinct, spherical mercury droplets on a smooth glass surface, showcasing the strong surface tension of mercury."
- },
- {
- "Prompt": "Depict a glass of water at a temperature of -10\u00b0C, highlighting water's state",
- "Explanation": "The model should generate an image showing a glass of water, with the water completely frozen into ice due to the -10\u00b0C temperature",
- "Category": "Physical Knowledge",
- "Subcategory": "Thermodynamics",
- "prompt_id": 836,
- "Hint": "A glass of water with the water completely frozen into ice."
- },
- {
- "Prompt": "Depict a glass of oil at a temperature of -20\u00b0C, highlighting oil's state",
- "Explanation": "The model should generate an image showing a glass of oil with the oil either solidified, or become very viscous and cloudy due to the -20\u00b0C temperature",
- "Category": "Physical Knowledge",
- "Subcategory": "Thermodynamics",
- "prompt_id": 837,
- "Hint": "A glass of oil that is solidified or very viscous and cloudy, representing its state at -20\u00b0C."
- },
- {
- "Prompt": "Depict a glass of water at an arctic environment, highlighting water's state",
- "Explanation": "The model should generate an image of a glass of water in an arctic environment, with the water completely frozen into ice, suggesting very low temperatures",
- "Category": "Physical Knowledge",
- "Subcategory": "Thermodynamics",
- "prompt_id": 838,
- "Hint": "A glass of water completely frozen into ice, placed in an arctic environment."
- },
- {
- "Prompt": "A container of mercury in a freezer, highlighting the state of the mercury",
- "Explanation": "The model should generate an image of a container with liquid mercury, showing that it is still liquid despite the cold temperatures of the freezer because of its extremely low freezing point",
- "Category": "Physical Knowledge",
- "Subcategory": "Thermodynamics",
- "prompt_id": 839,
- "Hint": "A container with liquid mercury inside a freezer, showing that the mercury remains liquid despite the cold temperatures."
- },
- {
- "Prompt": "A pond at minus ten degrees Celsius",
- "Explanation": "The model should generate an image showing a pond that is frozen, with ice forming on the surface and edges",
- "Category": "Physical Knowledge",
- "Subcategory": "Thermodynamics",
- "prompt_id": 840,
- "Hint": "A frozen pond with ice forming on the surface and edges."
- },
- {
- "Prompt": "Depict a glass of water at above one hundred degrees Celsius, highlighting water's state",
- "Explanation": "The model should generate an image showing a glass of water with the water actively boiling and producing steam, illustrating the effects of being above 100\u00b0C",
- "Category": "Physical Knowledge",
- "Subcategory": "Thermodynamics",
- "prompt_id": 841,
- "Hint": "A glass of water actively boiling and producing steam."
- },
- {
- "Prompt": "A pot of salted water heated to 100 degrees Celsius",
- "Explanation": "The model should generate an image showing a pot of salted water, with almost no bubbles and very little steam, reflecting that it is below its boiling point",
- "Category": "Physical Knowledge",
- "Subcategory": "Thermodynamics",
- "prompt_id": 842,
- "Hint": "A pot of salted water with almost no bubbles and very little steam, reflecting that it is below its boiling point."
- },
- {
- "Prompt": "The scene of a glass of ethanol at above seventy eight degrees Celsius, highlighting the state of the ethanol",
- "Explanation": "The model should generate an image showing a glass of ethanol actively boiling, with visible bubbles and vapor, demonstrating its state above 78\u00b0C",
- "Category": "Physical Knowledge",
- "Subcategory": "Thermodynamics",
- "prompt_id": 843,
- "Hint": "A glass of ethanol actively boiling, with visible bubbles and vapor, demonstrating its state above 78\u00b0C."
- },
- {
- "Prompt": "Depict a glass of oil at above 170 degrees Celsius, highlighting oil's state",
- "Explanation": "The model should generate an image of a glass of oil that shows signs of active boiling and producing steam",
- "Category": "Physical Knowledge",
- "Subcategory": "Thermodynamics",
- "prompt_id": 844,
- "Hint": "A glass of boiling oil producing steam."
- },
- {
- "Prompt": "Depict a glass of soda at above 100 degrees Celsius, highlighting soda's state",
- "Explanation": "The model should generate an image of a glass of soda showing active boiling, with rapid bubbling, producing steam and potentially some splashing or sputtering",
- "Category": "Physical Knowledge",
- "Subcategory": "Thermodynamics",
- "prompt_id": 845,
- "Hint": "A glass of soda actively boiling with rapid bubbling, producing steam and some splashing or sputtering."
- },
- {
- "Prompt": "A hot pan on a stove with water droplets on the surface",
- "Explanation": "The model should generate an image of a hot pan with small droplets of water that are quickly boiling and producing steam, representing rapid vaporization upon contact with a hot surface",
- "Category": "Physical Knowledge",
- "Subcategory": "Thermodynamics",
- "prompt_id": 846,
- "Hint": "A hot pan on a stove with small droplets of water quickly boiling and producing steam."
- },
- {
- "Prompt": "A cup of hot tea",
- "Explanation": "The model should generate an image of a cup of hot tea with clear steam rising, showing the evaporation of water due to its high temperature",
- "Category": "Physical Knowledge",
- "Subcategory": "Thermodynamics",
- "prompt_id": 847,
- "Hint": "A cup of hot tea with clear steam rising, showing the evaporation of water due to its high temperature."
- },
- {
- "Prompt": "Depict a glass of ice cubes at above 40 degrees Celsius, highlighting the state of ice cubes",
- "Explanation": "The model should generate an image showing a glass with ice cubes that are actively melting, with some liquid water present",
- "Category": "Physical Knowledge",
- "Subcategory": "Thermodynamics",
- "prompt_id": 848,
- "Hint": "A glass with ice cubes actively melting, with some liquid water present."
- },
- {
- "Prompt": "Depict a glass of butter stick at 70 degrees Celsius, highlighting the butter stick's state",
- "Explanation": "The model should generate an image showing a butter stick that is in the process of melting, with a soft or partially melted structure due to the 70\u00b0C temperature",
- "Category": "Physical Knowledge",
- "Subcategory": "Thermodynamics",
- "prompt_id": 849,
- "Hint": "A butter stick in a glass, partially melted and soft, indicating the effect of a 70\u00b0C temperature."
- },
- {
- "Prompt": "A chocolate bar left in direct sunlight, highlighting the state of the chocolate",
- "Explanation": "The model should generate an image showing a chocolate bar that is partially melted and soft, especially along its edges, demonstrating the effect of heat and melting",
- "Category": "Physical Knowledge",
- "Subcategory": "Thermodynamics",
- "prompt_id": 850,
- "Hint": "A partially melted chocolate bar with soft edges, demonstrating the effect of heat and melting."
- },
- {
- "Prompt": "A popsicle on a sweltering summer day",
- "Explanation": "The model should generate an image showing a popsicle that is actively melting, maybe with drips and softened structure",
- "Category": "Physical Knowledge",
- "Subcategory": "Thermodynamics",
- "prompt_id": 851,
- "Hint": "A melting popsicle with drips and softened structure on a sweltering summer day."
- },
- {
- "Prompt": "Marshmallow in a bag",
- "Explanation": "The model should generate an image showing a marshmallow in a bag, retaining its original shape and appearance, suggesting it is at or near room temperature and hasn't been exposed to any extreme heat",
- "Category": "Physical Knowledge",
- "Subcategory": "Thermodynamics",
- "prompt_id": 852,
- "Hint": "A marshmallow in a bag, retaining its original shape and appearance, suggesting it is at or near room temperature and hasn't been exposed to any extreme heat."
- },
- {
- "Prompt": "Marshmallow over a bonfire",
- "Explanation": "The model should generate an image of a marshmallow that is being held over a bonfire with visible signs of melting, charring or expansion, demonstrating its reaction to the intense heat",
- "Category": "Physical Knowledge",
- "Subcategory": "Thermodynamics",
- "prompt_id": 853,
- "Hint": "A marshmallow being held over a bonfire, with visible signs of melting, charring, or expansion from the intense heat."
- },
- {
- "Prompt": "A cold soda can left outside on a humid day, highlighting the state of the can",
- "Explanation": "The model should generate an image showing a cold soda can that is covered with water droplets on its outer surface, demonstrating the effect of condensation due to the contrast between the can's temperature and the humidity of the air",
- "Category": "Physical Knowledge",
- "Subcategory": "Thermodynamics",
- "prompt_id": 854,
- "Hint": "A cold soda can covered with water droplets on its outer surface, showing condensation due to humid air."
- },
- {
- "Prompt": "A pair of eyeglasses going from cold to warm, highlighting the state of the lenses",
- "Explanation": "The model should generate an image of a pair of glasses that are fogged over because of condensation, having been brought from a cold place into a warmer one",
- "Category": "Physical Knowledge",
- "Subcategory": "Thermodynamics",
- "prompt_id": 855,
- "Hint": "A pair of glasses with fogged-over lenses due to condensation, showing the transition from a cold to a warm environment."
- },
- {
- "Prompt": "A glass in humid, room-temperature conditions, highlighting the state of the glass surface",
- "Explanation": "The model should generate an image showing a glass surface covered with a layer of small water droplets",
- "Category": "Physical Knowledge",
- "Subcategory": "Thermodynamics",
- "prompt_id": 856,
- "Hint": "A glass surface covered with a layer of small water droplets."
- },
- {
- "Prompt": "A glass door in humid, room-temperature conditions, highlighting the state of the glass door surface",
- "Explanation": "The model should generate an image showing a glass door that is covered with water droplets, especially near the bottom, where condensation has accumulated due to humidity",
- "Category": "Physical Knowledge",
- "Subcategory": "Thermodynamics",
- "prompt_id": 857,
- "Hint": "A glass door covered with water droplets, especially near the bottom, where condensation has accumulated due to humidity."
- },
- {
- "Prompt": "A window in humid, room-temperature conditions, highlighting the state of the window surface",
- "Explanation": "The model should generate an image showing a window covered in a layer of condensation, with a blurry view outside due to the small water droplets formed on the glass",
- "Category": "Physical Knowledge",
- "Subcategory": "Thermodynamics",
- "prompt_id": 858,
- "Hint": "A window covered in a layer of condensation with small water droplets on the glass, and a blurry view outside."
- },
- {
- "Prompt": "The bathroom mirror after a hot shower",
- "Explanation": "The model should generate an image showing a bathroom mirror that is fogged up with condensation, with water droplets covering the surface due to the increased water vapor from the hot shower",
- "Category": "Physical Knowledge",
- "Subcategory": "Thermodynamics",
- "prompt_id": 859,
- "Hint": "A fogged-up bathroom mirror covered with water droplets from a hot shower."
- },
- {
- "Prompt": "The bathroom mirror after a cold shower",
- "Explanation": "The model should generate an image showing a bathroom mirror that is relatively clear, with minimal or no condensation, indicating that the cold shower did not generate enough water vapor to cause significant condensation",
- "Category": "Physical Knowledge",
- "Subcategory": "Thermodynamics",
- "prompt_id": 860,
- "Hint": "A bathroom mirror that is relatively clear, with minimal or no condensation, indicating a cold shower lacking significant water vapor."
- },
- {
- "Prompt": "Freshly poured liquid nitrogen",
- "Explanation": "The model should generate an image of liquid nitrogen being poured, showing the liquid's extreme coldness through the presence of vaporized nitrogen and condensation on surrounding surfaces",
- "Category": "Physical Knowledge",
- "Subcategory": "Thermodynamics",
- "prompt_id": 861,
- "Hint": "Liquid nitrogen being poured, with vaporized nitrogen and condensation visible on surrounding surfaces."
- },
- {
- "Prompt": "Dry ice in a glass of water, highlighting the state of the dry ice and the water",
- "Explanation": "The model should generate an image showing dry ice submerged in a glass of water with bubbles forming and a foggy vapor being produced, demonstrating rapid sublimation and interaction with the water",
- "Category": "Physical Knowledge",
- "Subcategory": "Thermodynamics",
- "prompt_id": 862,
- "Hint": "Dry ice submerged in a glass of water with bubbles forming and foggy vapor being produced."
- },
- {
- "Prompt": "A chunk of dry ice on a hot metal plate, highlighting the state of the dry ice",
- "Explanation": "The model should generate an image showing a chunk of dry ice placed on a hot metal plate that has a visible vaporous fog immediately coming off of the dry ice due to the rapid sublimation that is caused by the heat of the plate",
- "Category": "Physical Knowledge",
- "Subcategory": "Thermodynamics",
- "prompt_id": 863,
- "Hint": "A chunk of dry ice placed on a hot metal plate with visible vaporous fog rising due to rapid sublimation caused by the heat."
- },
- {
- "Prompt": "Depict dry ice under direct sunlight, highlighting the state change of dry ice",
- "Explanation": "The model should generate an image showing dry ice in sunlight, with a visible plume of vapor or fog rising from the surface, indicating increased sublimation due to the heat from sunlight",
- "Category": "Physical Knowledge",
- "Subcategory": "Thermodynamics",
- "prompt_id": 864,
- "Hint": "Dry ice under direct sunlight, with a visible plume of vapor or fog rising from the surface, indicating increased sublimation due to heat."
- },
- {
- "Prompt": "water vapor contacting a chilled glass surface at -10\u00b0C, highlighting the surface of glass",
- "Explanation": "The model should generate an image showing a glass surface at -10\u00b0C, covered with a thin layer of frost or ice crystals, illustrating the process of water vapor directly turning into a solid",
- "Category": "Physical Knowledge",
- "Subcategory": "Thermodynamics",
- "prompt_id": 865,
- "Hint": "A glass surface at -10\u00b0C, covered with a thin layer of frost or ice crystals, illustrating the process of water vapor directly turning into a solid."
- },
- {
- "Prompt": "water vapor contacting a metal plate at -20\u00b0C, highlighting the surface of the metal plate",
- "Explanation": "The model should generate an image showing a metal plate at -20\u00b0C with a layer of frost or ice forming directly on the surface, showing the desublimation or deposition of water vapor to ice",
- "Category": "Physical Knowledge",
- "Subcategory": "Thermodynamics",
- "prompt_id": 866,
- "Hint": "A metal plate at -20\u00b0C with a layer of frost or ice forming directly on the surface, showing the deposition of water vapor to ice."
- },
- {
- "Prompt": "water vapor contacting a window at -10\u00b0C, highlighting the surface of the window",
- "Explanation": "The model should generate an image of a window at -10\u00b0C with a layer of frost or intricate ice patterns forming directly on the glass due to deposition of water vapor",
- "Category": "Physical Knowledge",
- "Subcategory": "Thermodynamics",
- "prompt_id": 867,
- "Hint": "A window at -10\u00b0C with a layer of frost or intricate ice patterns forming directly on the glass due to the deposition of water vapor."
- },
- {
- "Prompt": "A very cold storage container when humid air enters, highlighting the state of the inner surfaces",
- "Explanation": "The model should generate an image showing the interior surface of a cold storage container that is covered in frost or ice crystals",
- "Category": "Physical Knowledge",
- "Subcategory": "Thermodynamics",
- "prompt_id": 868,
- "Hint": "The interior surface of a cold storage container covered in frost or ice crystals."
- },
- {
- "Prompt": "A clear glass of water with a portion of a glass rod submerge",
- "Explanation": "The model should generate an image showing a clear glass rod partially submerged in a glass of water with the rod appearing to shift or bend at the water\u2019s surface due to light refraction",
- "Category": "Physical Knowledge",
- "Subcategory": "Optics",
- "prompt_id": 869,
- "Hint": "A clear glass of water with a glass rod partially submerged, showing the rod appearing to bend at the water\u2019s surface due to light refraction."
- },
- {
- "Prompt": "A clear glass of water with a portion of a plastic drinking straw submerge",
- "Explanation": "The model should generate an image showing a plastic straw partially submerged in a glass of water, with the straw appearing to be bent or offset at the water's surface due to light refraction",
- "Category": "Physical Knowledge",
- "Subcategory": "Optics",
- "prompt_id": 870,
- "Hint": "A clear glass of water with a partially submerged plastic straw appearing bent or offset at the water's surface due to light refraction."
- },
- {
- "Prompt": "A clear glass of water with a portion of a pencil submerge",
- "Explanation": "The model should generate an image showing a pencil partially submerged in a glass of water, with the pencil appearing to be bent or displaced at the water level due to light refraction",
- "Category": "Physical Knowledge",
- "Subcategory": "Optics",
- "prompt_id": 871,
- "Hint": "A pencil partially submerged in a clear glass of water, appearing bent or displaced at the water level due to light refraction."
- },
- {
- "Prompt": "Depict a rainbow",
- "Explanation": "The model should generate an image showing a rainbow, with a clear arc of colors in the correct order (red, orange, yellow, green, blue, indigo, and violet) from the outer arc to the inner arc, demonstrating the effect of light dispersion by water droplets",
- "Category": "Physical Knowledge",
- "Subcategory": "Optics",
- "prompt_id": 872,
- "Hint": "A rainbow with a clear arc of colors in the correct order (red, orange, yellow, green, blue, indigo, and violet) from the outer arc to the inner arc, demonstrating the effect of light dispersion by water droplets."
- },
- {
- "Prompt": "Light dispersion from a glass prism",
- "Explanation": "The model should generate an image showing a glass prism with light passing through it and dispersing into a visible spectrum of colors, generally showing the colors from red to violet with a clear separation of colors and with red being closest to the incident light path and violet being furthest from the incident light path demonstrating the concept of light dispersion",
- "Category": "Physical Knowledge",
- "Subcategory": "Optics",
- "prompt_id": 873,
- "Hint": "Light passing through a glass prism and dispersing into a visible spectrum of colors, ranging from red to violet, with red closest to the incident light path and violet furthest, demonstrating light dispersion."
- },
- {
- "Prompt": "Sunlight passing through a crystal, displaying the separated colors",
- "Explanation": "The model should generate an image of sunlight passing through a crystal, showing the light being broken into its component colors, with those colors generally being in the order of red, orange, yellow, green, blue, indigo, and violet, due to the crystal's light dispersion properties",
- "Category": "Physical Knowledge",
- "Subcategory": "Optics",
- "prompt_id": 874,
- "Hint": "Sunlight passing through a crystal, dispersing into a spectrum of colors in the order of red, orange, yellow, green, blue, indigo, and violet."
- },
- {
- "Prompt": "A light source shining on an oil slick on a wet road, displaying a range of colors",
- "Explanation": "The model should generate an image showing a light source (like headlights or sunlight) hitting an oil slick on a wet road, with the oil exhibiting a range of rainbow-like colors due to light dispersion and thin-film interference, and generally shows the colors in the correct order from red to violet",
- "Category": "Physical Knowledge",
- "Subcategory": "Optics",
- "prompt_id": 875,
- "Hint": "A light source hitting an oil slick on a wet road, showing rainbow-like colors from red to violet due to light dispersion and thin-film interference."
- },
- {
- "Prompt": "A flashlight beam passing through mist",
- "Explanation": "The model should generate an image showing a flashlight beam clearly visible as it passes through mist, with the mist illuminated along a bright path due to light scattering",
- "Category": "Physical Knowledge",
- "Subcategory": "Optics",
- "prompt_id": 876,
- "Hint": "A flashlight beam illuminating mist, with the mist appearing bright and scattered along the beam's path."
- },
- {
- "Prompt": "Headlights of a car in heavy fog",
- "Explanation": "The model should generate an image showing the headlights of a car projecting through thick fog, with a diffused and widespread beam of light, making a bright path through the fog due to the scattering of light",
- "Category": "Physical Knowledge",
- "Subcategory": "Optics",
- "prompt_id": 877,
- "Hint": "Headlights of a car projecting through thick fog, with a diffused and widespread beam of light creating a bright path through the fog."
- },
- {
- "Prompt": "A laser beam passing through a dusty room",
- "Explanation": "The model should generate an image showing a laser beam that is visible in a dusty room, with a bright path of light scattering off the dust particles, illuminating its path through the room",
- "Category": "Physical Knowledge",
- "Subcategory": "Optics",
- "prompt_id": 878,
- "Hint": "A laser beam visible in a dusty room, with a bright path of light scattering off the dust particles, illuminating its path."
- },
- {
- "Prompt": "Sunlight entering a forest, scattering off the leaves and foliage",
- "Explanation": "The model should generate an image of sunlight coming through a forest canopy, with a diffuse and scattered light making a bright path through the leaves and foliage due to the light being scattered",
- "Category": "Physical Knowledge",
- "Subcategory": "Optics",
- "prompt_id": 879,
- "Hint": "Sunlight coming through a forest canopy, with diffuse and scattered light creating a bright path through the leaves and foliage."
- },
- {
- "Prompt": "A magnifying glass over a small map",
- "Explanation": "The model should generate an image of a magnifying glass held over a map, with the map details below the magnifying glass appearing larger than other areas of the map",
- "Category": "Physical Knowledge",
- "Subcategory": "Optics",
- "prompt_id": 880,
- "Hint": "A magnifying glass held over a map, with the map details below the magnifying glass appearing larger than other areas of the map."
- },
- {
- "Prompt": "a magnifying glass placed over an open notebook",
- "Explanation": "The model should generate an image showing a magnifying glass held above an open notebook, with the text under the lens appearing larger than the text outside of the lens due to magnification",
- "Category": "Physical Knowledge",
- "Subcategory": "Optics",
- "prompt_id": 881,
- "Hint": "A magnifying glass held above an open notebook, with the text under the lens appearing larger than the text outside of the lens due to magnification."
- },
- {
- "Prompt": "Viewing a clock through a handheld magnifier",
- "Explanation": "The model should generate an image showing a magnifying glass placed over a clock face, with the numbers and hands under the lens appearing larger than those outside the lens, demonstrating magnification",
- "Category": "Physical Knowledge",
- "Subcategory": "Optics",
- "prompt_id": 882,
- "Hint": "A clock face viewed through a magnifying glass, with the numbers and hands under the lens appearing larger than those outside the lens."
- },
- {
- "Prompt": "A magnifying glass over a line of ants walking on the ground",
- "Explanation": "The model should generate an image showing a magnifying glass above a line of ants with those ants appearing larger under the lens compared to the ones outside of the lens",
- "Category": "Physical Knowledge",
- "Subcategory": "Optics",
- "prompt_id": 883,
- "Hint": "A magnifying glass above a line of ants walking on the ground, with the ants appearing larger under the lens compared to those outside of it."
- },
- {
- "Prompt": "A magnifying glass over a printed circuit board",
- "Explanation": "The model should generate an image showing a magnifying glass over a printed circuit board, with the small components under the lens appearing larger, demonstrating the magnifying effect",
- "Category": "Physical Knowledge",
- "Subcategory": "Optics",
- "prompt_id": 884,
- "Hint": "A magnifying glass over a printed circuit board, with small components under the lens appearing larger to demonstrate the magnifying effect."
- },
- {
- "Prompt": "A cup of oil mixed with water after long time",
- "Explanation": "The model should generate an image showing a cup where the oil and water have separated into distinct layers, with the oil on top, demonstrating their immiscibility over time and the lower density of oil",
- "Category": "Physical Knowledge",
- "Subcategory": "Physical Properties",
- "prompt_id": 885,
- "Hint": "A cup with distinct layers of oil and water, showcasing the oil floating on top due to immiscibility and its lower density."
- },
- {
- "Prompt": "There is a glass containing water and beer",
- "Explanation": "The model should generate an image of a glass where the beer is somewhat mixed into the water, showing a less distinct separation than that of oil and water due to the beer\u2019s miscibility",
- "Category": "Physical Knowledge",
- "Subcategory": "Physical Properties",
- "prompt_id": 886,
- "Hint": "A glass containing water and beer partially mixed together, showing a less distinct separation due to the beer\u2019s miscibility."
- },
- {
- "Prompt": "There is a glass containing water and benzene",
- "Explanation": "The model should generate an image of a glass where the benzene forms a distinct layer above the water. The interface between the two liquids should be clear and well-defined, demonstrating their immiscibility and the lower density of benzene",
- "Category": "Physical Knowledge",
- "Subcategory": "Physical Properties",
- "prompt_id": 887,
- "Hint": "A glass containing water with a distinct layer of benzene above it, showing a clear and well-defined interface between the two immiscible liquids."
- },
- {
- "Prompt": "A soda can opened after violently shaken",
- "Explanation": "The model should generate an image of a soda can being opened with significant fizzing and a spray of liquid, indicating a large release of pressure due to prior agitation",
- "Category": "Physical Knowledge",
- "Subcategory": "Physical Properties",
- "prompt_id": 888,
- "Hint": "A soda can being opened with significant fizzing and a spray of liquid, indicating a large release of pressure due to prior agitation."
- },
- {
- "Prompt": "A compass needle pointing north near a strong magnet",
- "Explanation": "The model should generate an image showing a compass needle pointing towards the magnet, even if the magnet isn't perfectly aligned with geographic north, demonstrating magnetic force and interaction",
- "Category": "Physical Knowledge",
- "Subcategory": "Physical Properties",
- "prompt_id": 889,
- "Hint": "A compass needle pointing towards a nearby strong magnet, demonstrating magnetic force and interaction."
- },
- {
- "Prompt": "A tuning fork vibrating inside a glass of water",
- "Explanation": "The model should generate an image showing a tuning fork vibrating inside a glass of water, with visible ripples or disturbances in the water demonstrating how the vibrations are transferred from the metal to the liquid",
- "Category": "Physical Knowledge",
- "Subcategory": "Physical Properties",
- "prompt_id": 890,
- "Hint": "A tuning fork vibrating inside a glass of water, with visible ripples or disturbances in the water demonstrating the transfer of vibrations from the metal to the liquid."
- },
- {
- "Prompt": "The bulb connected to the battery through tungsten wires",
- "Explanation": "The model should generate an image of a lightbulb that is lit, connected to a battery by clearly visible tungsten wires, demonstrating good electrical conductivity",
- "Category": "Physical Knowledge",
- "Subcategory": "Physical Properties",
- "prompt_id": 891,
- "Hint": "A lit lightbulb connected to a battery with clearly visible tungsten wires."
- },
- {
- "Prompt": "The bulb connected to the battery through copper wires",
- "Explanation": "The model should generate an image of a lightbulb that is lit, connected to a battery by clearly visible copper wires, demonstrating good electrical conductivity",
- "Category": "Physical Knowledge",
- "Subcategory": "Physical Properties",
- "prompt_id": 892,
- "Hint": "A lit lightbulb connected to a battery with clearly visible copper wires."
- },
- {
- "Prompt": "The bulb connected to the battery through rubber wires",
- "Explanation": "The model should generate an image of a lightbulb that is unlit, connected to a battery by clearly visible rubber 'wires,' demonstrating the lack of electrical conductivity of rubber and resulting in a broken circuit",
- "Category": "Physical Knowledge",
- "Subcategory": "Physical Properties",
- "prompt_id": 893,
- "Hint": "An unlit lightbulb connected to a battery by clearly visible rubber wires, demonstrating the lack of electrical conductivity and a broken circuit."
- },
- {
- "Prompt": "A lightbulb connected to a battery with a length of string",
- "Explanation": "The model should generate an image of a lightbulb that is unlit, connected to a battery using a length of string or thread, demonstrating that string is a poor conductor of electricity",
- "Category": "Physical Knowledge",
- "Subcategory": "Physical Properties",
- "prompt_id": 894,
- "Hint": "An unlit lightbulb connected to a battery with a length of string or thread, illustrating that string is a poor conductor of electricity."
- },
- {
- "Prompt": "A lightbulb connected to a battery by a wooden stick",
- "Explanation": "The model should generate an image of a lightbulb that is unlit, connected to a battery through a visible wooden stick, demonstrating that wood is a poor conductor of electricity and the circuit will not work",
- "Category": "Physical Knowledge",
- "Subcategory": "Physical Properties",
- "prompt_id": 895,
- "Hint": "An unlit lightbulb connected to a battery through a visible wooden stick, demonstrating that wood is a poor conductor of electricity and the circuit will not work."
- },
- {
- "Prompt": "A transparent beaker containing supersaturated sodium chloride",
- "Explanation": "The model should generate an image of a clear, transparent solution held in a transparent beaker There may be incipient crystal formation (very small, sparse crystals) visible",
- "Category": "Physical Knowledge",
- "Subcategory": "Physical Properties",
- "prompt_id": 896,
- "Hint": "A transparent beaker containing a clear solution with very small, sparse crystals visible inside."
- },
- {
- "Prompt": "Magnet near iron filings",
- "Explanation": "The model should generate an image of a magnet with iron filings clinging to it",
- "Category": "Physical Knowledge",
- "Subcategory": "Physical Properties",
- "prompt_id": 897,
- "Hint": "A magnet with iron filings clinging to it."
- },
- {
- "Prompt": "Magnet near cobalt filings",
- "Explanation": "The model should generate an image of a magnet with cobalt filings clinging to it",
- "Category": "Physical Knowledge",
- "Subcategory": "Physical Properties",
- "prompt_id": 898,
- "Hint": "Magnet with cobalt filings clinging to it."
- },
- {
- "Prompt": "Magnet near nickel filings",
- "Explanation": "The model should generate an image of a magnet with nickel filings clinging to it",
- "Category": "Physical Knowledge",
- "Subcategory": "Physical Properties",
- "prompt_id": 899,
- "Hint": "Magnet with nickel filings clinging to it."
- },
- {
- "Prompt": "The balloon that has been rubbed comes into contact with long hair",
- "Explanation": "The model should generate an image of human hair being visibly attracted to a balloon",
- "Category": "Physical Knowledge",
- "Subcategory": "Physical Properties",
- "prompt_id": 900,
- "Hint": "A balloon visibly attracting human hair."
- },
- {
- "Prompt": "A candle in space",
- "Explanation": "The model should generate an image showing a candle that is not burning",
- "Category": "Chemistry",
- "Subcategory": "Combustion",
- "prompt_id": 901,
- "Hint": "A candle that is not burning in a zero-gravity environment."
- },
- {
- "Prompt": "Within a sealed glass container of carbon dioxide, a burning candle has been left to stand for a while",
- "Explanation": "The model should generate an image showing a candle in a sealed glass jar and its flame has been extinguished",
- "Category": "Chemistry",
- "Subcategory": "Combustion",
- "prompt_id": 902,
- "Hint": "A sealed glass jar containing a candle with its flame extinguished."
- },
- {
- "Prompt": "A sealed glass jar filled with carbon dioxide contains a burning magnesium rod",
- "Explanation": "The model should generate an image showing a vigorously burning magnesium rod inside a sealed glass jar. The image should prominently feature a dazzling, intense white light emanating from the burning magnesium",
- "Category": "Chemistry",
- "Subcategory": "Combustion",
- "prompt_id": 903,
- "Hint": "A sealed glass jar with a vigorously burning magnesium rod emitting a dazzling, intense white light."
- },
- {
- "Prompt": "A sealed glass jar filled with nitrogen contains a burning magnesium rod",
- "Explanation": "The model should generate an image showing a burning magnesium rod inside a sealed glass jar, with intense light",
- "Category": "Chemistry",
- "Subcategory": "Combustion",
- "prompt_id": 904,
- "Hint": "A sealed glass jar filled with nitrogen containing a burning magnesium rod emitting intense light."
- },
- {
- "Prompt": "A sealed glass jar filled with oxygen contains a burning iron wire",
- "Explanation": "The model should generate an image showing a thin iron wire inside a sealed glass jar that is burning intensely and producing sparks in a pure oxygen atmosphere, illustrating that oxygen greatly supports combustion",
- "Category": "Chemistry",
- "Subcategory": "Combustion",
- "prompt_id": 905,
- "Hint": "A sealed glass jar filled with oxygen containing a thin iron wire burning intensely and producing sparks."
- },
- {
- "Prompt": "A small piece of wood burning in a sealed jar with pure oxygen",
- "Explanation": "The model should generate an image of a piece of wood that is burning very intensely inside of a jar filled with pure oxygen",
- "Category": "Chemistry",
- "Subcategory": "Combustion",
- "prompt_id": 906,
- "Hint": "A piece of wood burning very intensely inside a sealed jar filled with pure oxygen."
- },
- {
- "Prompt": "A lit match inside a sealed jar with only water vapor",
- "Explanation": "The model should generate an image showing a match that has been extinguished inside of a jar full of only water vapor, with the match looking dark or burnt, and illustrating the lack of oxygen to support combustion",
- "Category": "Chemistry",
- "Subcategory": "Combustion",
- "prompt_id": 907,
- "Hint": "A burnt match inside a sealed jar filled with water vapor, illustrating the lack of oxygen to support combustion."
- },
- {
- "Prompt": "A piece of phosphorus burning inside a sealed jar with fluorine gas",
- "Explanation": "The model should generate an image showing a piece of phosphorus burning rapidly in a sealed jar filled with fluorine gas, with very strong and quick combustion, as fluorine will support even more vigorous combustion than oxygen does",
- "Category": "Chemistry",
- "Subcategory": "Combustion",
- "prompt_id": 908,
- "Hint": "A piece of phosphorus burning rapidly in a sealed jar filled with fluorine gas, with very strong and quick combustion."
- },
- {
- "Prompt": "A sodium metal burning inside of a jar of chlorine gas",
- "Explanation": "The model should generate an image of sodium metal burning in a sealed jar of chlorine gas, with a bright flame and white smoke or particulates",
- "Category": "Chemistry",
- "Subcategory": "Combustion",
- "prompt_id": 909,
- "Hint": "Sodium metal burning with a bright flame and producing white smoke or particulates in a sealed jar of chlorine gas."
- },
- {
- "Prompt": "A small candle flame inside of a sealed jar where the air has been replaced with helium",
- "Explanation": "The model should generate an image of a candle flame that is extinguishing inside of a sealed jar",
- "Category": "Chemistry",
- "Subcategory": "Combustion",
- "prompt_id": 910,
- "Hint": "A candle flame extinguishing inside a sealed jar."
- },
- {
- "Prompt": "The sodium is burning, highlighting the color",
- "Explanation": "The model should generate an image showing a flame that is distinctly yellow or orange, representing the characteristic flame color when sodium is burned",
- "Category": "Chemistry",
- "Subcategory": "Combustion",
- "prompt_id": 911,
- "Hint": "A flame that is distinctly yellow or orange, representing the characteristic flame color when sodium is burned."
- },
- {
- "Prompt": "The copper is burning, highlighting the color",
- "Explanation": "The model should generate an image showing a flame that is distinctly green or blue-green, representing the characteristic flame color when copper is burned",
- "Category": "Chemistry",
- "Subcategory": "Combustion",
- "prompt_id": 912,
- "Hint": "A flame that is distinctly green or blue-green, representing the characteristic flame color when copper is burned."
- },
- {
- "Prompt": "The potassium is burning, highlighting the color",
- "Explanation": "The model should generate an image showing a flame that is distinctly lilac or violet, representing the characteristic flame color when potassium is burned",
- "Category": "Chemistry",
- "Subcategory": "Combustion",
- "prompt_id": 913,
- "Hint": "A flame burning with a distinct lilac or violet color, representing the characteristic flame of burning potassium."
- },
- {
- "Prompt": "The lithium is burning, highlighting the color",
- "Explanation": "The model should generate an image showing a flame that is distinctly crimson or deep red, representing the characteristic flame color when lithium is burned",
- "Category": "Chemistry",
- "Subcategory": "Combustion",
- "prompt_id": 914,
- "Hint": "A flame that is distinctly crimson or deep red, representing the characteristic flame color when lithium is burned."
- },
- {
- "Prompt": "The calcium is burning, highlighting the color",
- "Explanation": "The model should generate an image showing a flame that is distinctly orange-red, representing the characteristic flame color when calcium is burned",
- "Category": "Chemistry",
- "Subcategory": "Combustion",
- "prompt_id": 915,
- "Hint": "An orange-red flame, representing the characteristic color of burning calcium."
- },
- {
- "Prompt": "The barium is burning, highlighting the color",
- "Explanation": "The model should generate an image showing a flame that is distinctly pale green or yellow-green, representing the characteristic flame color when barium is burned",
- "Category": "Chemistry",
- "Subcategory": "Combustion",
- "prompt_id": 916,
- "Hint": "A flame that is distinctly pale green or yellow-green, representing the characteristic color when barium is burned."
- },
- {
- "Prompt": "The strontium is burning, highlighting the color",
- "Explanation": "The model should generate an image showing a flame that is distinctly crimson or scarlet, representing the characteristic flame color when strontium is burned",
- "Category": "Chemistry",
- "Subcategory": "Combustion",
- "prompt_id": 917,
- "Hint": "A flame that is distinctly crimson or scarlet, representing the characteristic color when strontium is burned."
- },
- {
- "Prompt": "The cesium is burning, highlighting the color",
- "Explanation": "The model should generate an image showing a flame that is distinctly blue or violet, representing the characteristic flame color when cesium is burned",
- "Category": "Chemistry",
- "Subcategory": "Combustion",
- "prompt_id": 918,
- "Hint": "A flame that is distinctly blue or violet, representing the characteristic flame color when cesium is burned."
- },
- {
- "Prompt": "The magnesium is burning, highlighting the color",
- "Explanation": "The model should generate an image showing a very bright white flame, representing the characteristic flame color when magnesium is burned",
- "Category": "Chemistry",
- "Subcategory": "Combustion",
- "prompt_id": 919,
- "Hint": "A very bright white flame, representing the characteristic flame color when magnesium is burned."
- },
- {
- "Prompt": "The aluminum is burning, highlighting the color",
- "Explanation": "The model should generate an image showing a flame that is mostly colorless or a very bright white color, with the lack of strong color representing the typical flame color when aluminum is burned",
- "Category": "Chemistry",
- "Subcategory": "Combustion",
- "prompt_id": 920,
- "Hint": "A flame that is mostly colorless or a very bright white color, representing the typical appearance of burning aluminum."
- },
- {
- "Prompt": "The zinc is burning, highlighting the color",
- "Explanation": "The model should generate an image showing a flame that is mainly colorless or blueish-white to pale green, representing the characteristic flame color when zinc is burned",
- "Category": "Chemistry",
- "Subcategory": "Combustion",
- "prompt_id": 921,
- "Hint": "A flame that is mainly colorless or blueish-white to pale green, representing the characteristic flame color when zinc is burned."
- },
- {
- "Prompt": "The lead is burning, highlighting the color",
- "Explanation": "The model should generate an image showing a flame that appears a pale blue or white color, representing the characteristic flame color when lead is burned, which may be faint",
- "Category": "Chemistry",
- "Subcategory": "Combustion",
- "prompt_id": 922,
- "Hint": "A flame with a pale blue or white color, representing the characteristic flame color when lead is burned."
- },
- {
- "Prompt": "The antimony is burning, highlighting the color",
- "Explanation": "The model should generate an image showing a flame that is pale blue or white, which is the typical color that antimony produces when burned",
- "Category": "Chemistry",
- "Subcategory": "Combustion",
- "prompt_id": 923,
- "Hint": "A flame that is pale blue or white, representing burning antimony."
- },
- {
- "Prompt": "The cadmium is burning, highlighting the color",
- "Explanation": "The model should generate an image showing a flame that is red or orange, representing the characteristic flame color when cadmium is burned",
- "Category": "Chemistry",
- "Subcategory": "Combustion",
- "prompt_id": 924,
- "Hint": "A flame that is red or orange, representing the characteristic flame color when cadmium is burned."
- },
- {
- "Prompt": "The arsenic is burning, highlighting the color",
- "Explanation": "The model should generate an image showing a flame that is pale blue or whitish, representing the characteristic flame color when arsenic is burned, which is typically very faint",
- "Category": "Chemistry",
- "Subcategory": "Combustion",
- "prompt_id": 925,
- "Hint": "A pale blue or whitish flame, representing the characteristic color when arsenic is burned."
- },
- {
- "Prompt": "The boron is burning, highlighting the color",
- "Explanation": "The model should generate an image showing a flame that is bright green, representing the characteristic flame color when boron is burned",
- "Category": "Chemistry",
- "Subcategory": "Combustion",
- "prompt_id": 926,
- "Hint": "A bright green flame, representing the characteristic color when boron is burned."
- },
- {
- "Prompt": "an iron block that is not rusted",
- "Explanation": "The model should generate an image showing an iron block with a clean, metallic, and shiny surface, with no visible signs of rust or corrosion",
- "Category": "Chemistry",
- "Subcategory": "Metal Corrosion",
- "prompt_id": 927,
- "Hint": "An iron block with a clean, metallic, and shiny surface, with no visible signs of rust or corrosion."
- },
- {
- "Prompt": "an iron block that is rusted",
- "Explanation": "The model should generate an image showing an iron block with a surface covered in visible rust, having a reddish-brown color and a rough, pitted texture indicating corrosion",
- "Category": "Chemistry",
- "Subcategory": "Metal Corrosion",
- "prompt_id": 928,
- "Hint": "An iron block with a surface covered in visible rust, featuring a reddish-brown color and a rough, pitted texture indicating corrosion."
- },
- {
- "Prompt": "A copper pipe that is rusted",
- "Explanation": "The model should generate an image of a copper pipe with a visible layer of green patina, showing the characteristic corrosion of copper",
- "Category": "Chemistry",
- "Subcategory": "Metal Corrosion",
- "prompt_id": 929,
- "Hint": "A copper pipe with a visible layer of green patina, showing the characteristic corrosion of copper."
- },
- {
- "Prompt": "Copper wire exposed to air for a long time",
- "Explanation": "The model should generate an image showing a copper wire with a duller, slightly greenish or brownish surface",
- "Category": "Chemistry",
- "Subcategory": "Metal Corrosion",
- "prompt_id": 930,
- "Hint": "A copper wire with a duller, slightly greenish or brownish surface."
- },
- {
- "Prompt": "A piece of weathered aluminum",
- "Explanation": "The model should generate an image showing a piece of aluminum that appears weathered, with a dull grey surface due to the formation of aluminum oxide, rather than rust",
- "Category": "Chemistry",
- "Subcategory": "Metal Corrosion",
- "prompt_id": 931,
- "Hint": "A piece of aluminum with a dull grey, weathered surface caused by the formation of aluminum oxide."
- },
- {
- "Prompt": "A lead roof with signs of oxidation",
- "Explanation": "The model should generate an image of a lead roof with a dull grey or white surface due to the formation of lead oxide, not rust or red, due to oxidation",
- "Category": "Chemistry",
- "Subcategory": "Metal Corrosion",
- "prompt_id": 932,
- "Hint": "A lead roof with a dull grey or white surface due to the formation of lead oxide from oxidation."
- },
- {
- "Prompt": "A piece of galvanized steel exposed to moisture, with early signs of corrosion",
- "Explanation": "The model should generate an image showing a piece of galvanized steel with some white corrosion products forming in spots where the zinc coating is compromised, showing a different type of oxidation to iron",
- "Category": "Chemistry",
- "Subcategory": "Metal Corrosion",
- "prompt_id": 933,
- "Hint": "A piece of galvanized steel with spots of white corrosion products forming where the zinc coating is compromised, displaying early stages of oxidation."
- },
- {
- "Prompt": "A piece of silver cutlery that has some tarnish",
- "Explanation": "The model should generate an image of a piece of silver cutlery, with a dark grey or black tarnish on its surface due to its reaction with sulfur compounds, and not rust",
- "Category": "Chemistry",
- "Subcategory": "Metal Corrosion",
- "prompt_id": 934,
- "Hint": "A piece of silver cutlery with a dark grey or black tarnish on its surface."
- },
- {
- "Prompt": "A piece of gold that has been exposed to oxygen for decades",
- "Explanation": "The model should generate an image of a piece of gold that has no visible corrosion or oxidation, demonstrating that it is highly resistant to oxidation, even after decades of exposure to oxygen",
- "Category": "Chemistry",
- "Subcategory": "Metal Corrosion",
- "prompt_id": 935,
- "Hint": "A piece of gold with no visible corrosion or oxidation, demonstrating its resistance to oxidation even after decades of exposure to oxygen."
- },
- {
- "Prompt": "A Gold block submerged in hydrochloric acid",
- "Explanation": "The model should generate an image showing a gold block in hydrochloric acid with no visible change on the surface of the block, no bubbling, and the solution appearing colorless, demonstrating gold's lack of reactivity with hydrochloric acid",
- "Category": "Chemistry",
- "Subcategory": "Solution Chemical Reaction",
- "prompt_id": 936,
- "Hint": "A gold block submerged in colorless hydrochloric acid with no visible change, no bubbling, and an unchanged surface on the block, demonstrating gold's lack of reactivity."
- },
- {
- "Prompt": "An iron nail submerged in hydrochloric acid",
- "Explanation": "The model should generate an image showing an iron nail immersed in hydrochloric acid, with visible bubbling, some corrosion around the nail, and the solution potentially appearing a very pale green or yellow, indicating that it is reacting with the acid",
- "Category": "Chemistry",
- "Subcategory": "Solution Chemical Reaction",
- "prompt_id": 937,
- "Hint": "An iron nail immersed in hydrochloric acid, with visible bubbling, corrosion around the nail, and the solution appearing pale green or yellow, indicating a chemical reaction."
- },
- {
- "Prompt": "A piece of copper in nitric acid",
- "Explanation": "The model should generate an image showing a piece of copper in nitric acid, with bubbles forming and brown fumes coming from the solution, and the solution potentially having a blue or green tint as copper ions dissolve into the acid, demonstrating copper reacting with nitric acid",
- "Category": "Chemistry",
- "Subcategory": "Solution Chemical Reaction",
- "prompt_id": 938,
- "Hint": "A piece of copper in nitric acid with bubbles forming, brown fumes rising, and the solution showing a blue or green tint as copper ions dissolve into the acid."
- },
- {
- "Prompt": "A strip of zinc in sulfuric acid",
- "Explanation": "The model should generate an image showing a strip of zinc in sulfuric acid with a good amount of bubbling and a colorless and transparent solution during the reaction",
- "Category": "Chemistry",
- "Subcategory": "Solution Chemical Reaction",
- "prompt_id": 939,
- "Hint": "A strip of zinc in a colorless, transparent sulfuric acid solution with visible bubbling during the reaction."
- },
- {
- "Prompt": "A sample of aluminum in hydrochloric acid",
- "Explanation": "The model should generate an image of aluminum in hydrochloric acid showing visible bubbling and signs of a reaction, that the aluminum is being dissolved in the acid, and that the solution appears colorless and transparent during this reaction process",
- "Category": "Chemistry",
- "Subcategory": "Solution Chemical Reaction",
- "prompt_id": 940,
- "Hint": "Aluminum in hydrochloric acid with visible bubbling and signs of a reaction; the aluminum is dissolving, and the solution appears colorless and transparent during the reaction."
- },
- {
- "Prompt": "A piece of magnesium in a solution of hydrochloric acid",
- "Explanation": "The model should generate an image of a piece of magnesium that is reacting vigorously in hydrochloric acid with the production of many bubbles, indicating that it is rapidly reacting, and the solution appearing colorless and transparent throughout this process",
- "Category": "Chemistry",
- "Subcategory": "Solution Chemical Reaction",
- "prompt_id": 941,
- "Hint": "A piece of magnesium reacting vigorously in a colorless, transparent solution of hydrochloric acid, with many bubbles being produced."
- },
- {
- "Prompt": "A silver ring placed in nitric acid",
- "Explanation": "The model should generate an image of a silver ring placed in nitric acid showing no visible reaction or bubbling, and the solution appearing colorless and transparent, indicating silver\u2019s inert nature in that acid",
- "Category": "Chemistry",
- "Subcategory": "Solution Chemical Reaction",
- "prompt_id": 942,
- "Hint": "A silver ring placed in a colorless and transparent nitric acid solution, showing no visible reaction or bubbling."
- },
- {
- "Prompt": "A platinum wire submerged in hydrochloric acid",
- "Explanation": "The model should generate an image showing a platinum wire immersed in hydrochloric acid that has no visible bubbling or change, and the solution appearing colorless and transparent, showing its lack of reactivity with this acid",
- "Category": "Chemistry",
- "Subcategory": "Solution Chemical Reaction",
- "prompt_id": 943,
- "Hint": "A platinum wire immersed in a colorless, transparent solution of hydrochloric acid, with no visible bubbling or change."
- },
- {
- "Prompt": "A piece of tin in dilute sulfuric acid",
- "Explanation": "The model should generate an image showing a piece of tin in dilute sulfuric acid with visible bubbling, indicating that a chemical reaction is taking place, and the solution appearing colorless and transparent as this reaction occurs",
- "Category": "Chemistry",
- "Subcategory": "Solution Chemical Reaction",
- "prompt_id": 944,
- "Hint": "A piece of tin in a colorless and transparent solution of dilute sulfuric acid with visible bubbling, indicating a chemical reaction."
- },
- {
- "Prompt": "A piece of nickel being placed in hydrochloric acid",
- "Explanation": "The model should generate an image showing a piece of nickel in hydrochloric acid where small amounts of bubbling are occurring and the nickel appears to be dissolving very slowly in the acid, demonstrating a slow reaction, with the solution potentially being a very pale green color",
- "Category": "Chemistry",
- "Subcategory": "Solution Chemical Reaction",
- "prompt_id": 945,
- "Hint": "A piece of nickel in hydrochloric acid with small bubbles forming, the nickel slowly dissolving, and the solution appearing very pale green."
- },
- {
- "Prompt": "A large amount of carbon dioxide is bubbled through clear limewater solution",
- "Explanation": "The model should generate an image showing a clear limewater solution becoming cloudy or milky as a large amount of carbon dioxide is bubbled through it, due to the formation of a calcium carbonate precipitate",
- "Category": "Chemistry",
- "Subcategory": "Solution Chemical Reaction",
- "prompt_id": 946,
- "Hint": "A clear limewater solution becoming cloudy or milky as a large amount of carbon dioxide is bubbled through it."
- },
- {
- "Prompt": "A copper sulfate solution and an iron rod in it, the state of the solution and the iron rod should be highlighted",
- "Explanation": "The model should generate an image showing an iron rod immersed in a blue copper sulfate solution, where the iron rod is corroding, and the blue color of the solution is beginning to fade or change to a light green color, while the surface of the iron rod is covered with a layer of red material demonstrating the reaction between iron and copper sulfate",
- "Category": "Chemistry",
- "Subcategory": "Solution Chemical Reaction",
- "prompt_id": 947,
- "Hint": "An iron rod immersed in a blue copper sulfate solution, with the rod corroding, the blue solution fading to light green, and the rod's surface covered with a layer of red material."
- },
- {
- "Prompt": "A silver nitrate solution and a zinc bar in it, the state of the solution and the zinc bar should be highlighted",
- "Explanation": "The model should generate an image showing a zinc bar immersed in a silver nitrate solution where silver metal is forming as a solid, and the zinc bar is being coated with a silvery layer, indicating the reaction between zinc and silver nitrate",
- "Category": "Chemistry",
- "Subcategory": "Solution Chemical Reaction",
- "prompt_id": 948,
- "Hint": "A zinc bar immersed in a silver nitrate solution, with silver metal forming as a solid and the zinc bar coated with a silvery layer, illustrating the reaction between zinc and silver nitrate."
- },
- {
- "Prompt": "A lead strip in a copper nitrate solution, highlighting the state of the solution and the lead strip",
- "Explanation": "The model should generate an image of a lead strip in a blue copper nitrate solution where solid copper is beginning to form and plate out on the lead strip, with a reddish-brown color, and the lead metal is appearing corroded and having a duller appearance as it has begun to react in the solution",
- "Category": "Chemistry",
- "Subcategory": "Solution Chemical Reaction",
- "prompt_id": 949,
- "Hint": "A lead strip in a blue copper nitrate solution with solid copper forming as a reddish-brown plating on the lead strip, while the lead appears corroded and dull."
- },
- {
- "Prompt": "A piece of silver in a solution of copper nitrate, highlighting the state of the solution and the piece of silver",
- "Explanation": "The model should generate an image of silver in a blue copper nitrate solution, showing no noticeable reaction and no change to either the silver metal or the solution",
- "Category": "Chemistry",
- "Subcategory": "Solution Chemical Reaction",
- "prompt_id": 950,
- "Hint": "A piece of silver in a blue copper nitrate solution, showing no noticeable reaction and no change to either the silver metal or the solution."
- },
- {
- "Prompt": "A strip of copper in a solution of aluminum sulfate, highlighting the state of the solution and the copper strip",
- "Explanation": "The model should generate an image of a copper strip in a solution of aluminum sulfate showing no signs of any reaction in the solution or corrosion on the copper",
- "Category": "Chemistry",
- "Subcategory": "Solution Chemical Reaction",
- "prompt_id": 951,
- "Hint": "A strip of copper in a clear solution of aluminum sulfate with no reaction or corrosion visible."
- },
- {
- "Prompt": "A magnesium strip immersed in a solution of copper chloride, highlighting the state of the solution and the magnesium strip",
- "Explanation": "The model should generate an image of a magnesium strip reacting rapidly in a solution of copper chloride, with bubbles forming, and the magnesium metal corroding and becoming smaller, and with the copper coming out of solution and visibly plating on the magnesium strip with a reddish-brown color, showing a very rapid reaction",
- "Category": "Chemistry",
- "Subcategory": "Solution Chemical Reaction",
- "prompt_id": 952,
- "Hint": "A magnesium strip reacting rapidly in a solution of copper chloride, with bubbles forming, the magnesium corroding and becoming smaller, and reddish-brown copper plating visibly forming on the magnesium strip."
- },
- {
- "Prompt": "A piece of iron wire immersed in a nickel sulfate solution, highlighting the state of the solution and the iron wire",
- "Explanation": "The model should generate an image showing a piece of iron wire in a solution of nickel sulfate, with the wire corroding, and with nickel plating out of solution on the wire with a silvery appearance and the solution's original green color fading or becoming more pale",
- "Category": "Chemistry",
- "Subcategory": "Solution Chemical Reaction",
- "prompt_id": 953,
- "Hint": "A piece of corroding iron wire in a nickel sulfate solution, with silvery nickel plating forming on the wire and the green solution becoming paler."
- },
- {
- "Prompt": "A strip of tin placed in a silver nitrate solution, highlighting the state of the solution and the tin strip",
- "Explanation": "The model should generate an image of a strip of tin in a silver nitrate solution where silver metal is visibly forming as a solid, and plating out on the tin strip with a shiny, silvery color and the tin metal is being dissolved and corroding with a pitted or uneven surface, due to the reaction",
- "Category": "Chemistry",
- "Subcategory": "Solution Chemical Reaction",
- "prompt_id": 954,
- "Hint": "A strip of tin in a silver nitrate solution, with silver metal forming as a shiny, silvery solid plating on the tin strip, while the tin strip appears corroded with a pitted, uneven surface."
- },
- {
- "Prompt": "A nickel bar immersed in a copper chloride solution, highlighting the state of the solution and the nickel bar",
- "Explanation": "The model should generate an image showing a nickel bar immersed in a green solution of copper chloride, with the nickel slowly dissolving, and a reddish-brown copper layer forming on the surface of the nickel bar, and the solution gradually appearing less green, demonstrating the reaction between copper chloride and nickel, but being slower",
- "Category": "Chemistry",
- "Subcategory": "Solution Chemical Reaction",
- "prompt_id": 955,
- "Hint": "A nickel bar immersed in a green copper chloride solution, with the nickel dissolving slowly, a reddish-brown copper layer forming on the bar's surface, and the solution gradually appearing less green."
- },
- {
- "Prompt": "A small piece of sodium metal added to water",
- "Explanation": "The model should generate an image showing a small piece of sodium metal reacting vigorously with water, with visible bubbling, fizzing, and potentially a flame, demonstrating the exothermic reaction",
- "Category": "Chemistry",
- "Subcategory": "Solution Chemical Reaction",
- "prompt_id": 956,
- "Hint": "A small piece of sodium metal reacting vigorously with water, with visible bubbling, fizzing, and a potential flame."
- },
- {
- "Prompt": "A solution of potassium iodide being mixed with lead nitrate",
- "Explanation": "The model should generate an image showing two clear solutions being mixed together to create a cloudy or yellow solution with a yellow precipitate, demonstrating a double displacement reaction",
- "Category": "Chemistry",
- "Subcategory": "Solution Chemical Reaction",
- "prompt_id": 957,
- "Hint": "Two clear solutions being mixed together to create a cloudy or yellow solution with a yellow precipitate, demonstrating a double displacement reaction."
- },
- {
- "Prompt": "Hydrogen sulfide gas is bubbled through a copper sulfate solution",
- "Explanation": "The model should generate an image showing a clear copper sulfate solution becoming cloudy, and forming a black precipitate as hydrogen sulfide gas is bubbled through it",
- "Category": "Chemistry",
- "Subcategory": "Solution Chemical Reaction",
- "prompt_id": 958,
- "Hint": "A clear copper sulfate solution becoming cloudy and forming a black precipitate as hydrogen sulfide gas is bubbled through it."
- },
- {
- "Prompt": "Hydrogen sulfide gas is bubbled through a solution of concentrated sulfuric acid",
- "Explanation": "The model should generate an image showing a concentrated sulfuric acid solution becoming cloudy with visible yellow or white particulate matter (sulfur)",
- "Category": "Chemistry",
- "Subcategory": "Solution Chemical Reaction",
- "prompt_id": 959,
- "Hint": "A concentrated sulfuric acid solution becoming cloudy with visible yellow or white particulate matter (sulfur)."
- },
- {
- "Prompt": "The process of electrolysis of molten sodium chloride",
- "Explanation": "The model should generate an image showing an electrolysis setup with molten sodium chloride, producing sodium metal at the cathode, and showing a greenish-yellow gas (chlorine) forming at the anode",
- "Category": "Chemistry",
- "Subcategory": "Solution Chemical Reaction",
- "prompt_id": 960,
- "Hint": "An electrolysis setup with molten sodium chloride, producing sodium metal at the cathode and a greenish-yellow chlorine gas forming at the anode."
- },
- {
- "Prompt": "The mixture of vinegar and litmus solution in a glass",
- "Explanation": "The model should generate an image showing a glass of a vinegar and litmus solution mixture, with the liquid appearing red or pink, indicating an acidic solution",
- "Category": "Chemistry",
- "Subcategory": "Solution Chemical Reaction",
- "prompt_id": 961,
- "Hint": "A glass containing a mixture of vinegar and litmus solution, with the liquid appearing red or pink, indicating an acidic solution."
- },
- {
- "Prompt": "The mixture of cola and litmus solution in a glass",
- "Explanation": "The model should generate an image of a glass of cola and litmus solution mixed liquid, with the liquid appearing red or pink, indicating an acidic solution",
- "Category": "Chemistry",
- "Subcategory": "Solution Chemical Reaction",
- "prompt_id": 962,
- "Hint": "A glass of cola and litmus solution mixed liquid, with the liquid appearing red or pink, indicating an acidic solution."
- },
- {
- "Prompt": "The mixture of baking soda solution and litmus solution in a glass",
- "Explanation": "The model should generate an image showing a glass of baking soda and litmus solution mixture, with the liquid appearing blue or purple, indicating a basic (alkaline) solution",
- "Category": "Chemistry",
- "Subcategory": "Solution Chemical Reaction",
- "prompt_id": 963,
- "Hint": "A glass containing a mixture of baking soda solution and litmus solution, with the liquid appearing blue or purple, indicating a basic (alkaline) solution."
- },
- {
- "Prompt": "The mixture of milk and litmus solution in a glass",
- "Explanation": "The model should generate an image of a glass of milk with litmus solution that has been left standing for a while, with the liquid appearing purple or a light blue-purple, indicating a neutral to slightly basic solution",
- "Category": "Chemistry",
- "Subcategory": "Solution Chemical Reaction",
- "prompt_id": 964,
- "Hint": "A glass of milk with litmus solution, appearing purple or light blue-purple, indicating a neutral to slightly basic solution."
- },
- {
- "Prompt": "A glass of lemon juice and litmus solution mixed liquid that has been standing for a while",
- "Explanation": "The model should generate an image of a glass containing lemon juice mixed with litmus solution, and the liquid appearing red or pink, indicating an acidic solution",
- "Category": "Chemistry",
- "Subcategory": "Solution Chemical Reaction",
- "prompt_id": 965,
- "Hint": "A glass containing lemon juice mixed with litmus solution, with the liquid appearing red or pink, indicating an acidic solution."
- },
- {
- "Prompt": "A glass of soapy water and litmus solution mixed liquid that has been standing for a while",
- "Explanation": "The model should generate an image showing a glass of soapy water mixed with litmus solution, with the solution appearing blue or purple, indicating the basic nature of soapy water",
- "Category": "Chemistry",
- "Subcategory": "Solution Chemical Reaction",
- "prompt_id": 966,
- "Hint": "A glass of soapy water mixed with litmus solution, with the solution appearing blue or purple, indicating the basic nature of soapy water."
- },
- {
- "Prompt": "A glass of black coffee and litmus solution mixed liquid that has been standing for a while",
- "Explanation": "The model should generate an image of a glass of black coffee and litmus solution, with the liquid appearing red or pink, indicating an acidic solution",
- "Category": "Chemistry",
- "Subcategory": "Solution Chemical Reaction",
- "prompt_id": 967,
- "Hint": "A glass of black coffee mixed with litmus solution, with the liquid appearing red or pink, indicating an acidic solution."
- },
- {
- "Prompt": "A glass of ammonia and litmus solution mixed liquid that has been standing for a while",
- "Explanation": "The model should generate an image of ammonia mixed with litmus solution, with the liquid appearing a dark blue or purple, due to the high basicity of ammonia",
- "Category": "Chemistry",
- "Subcategory": "Solution Chemical Reaction",
- "prompt_id": 968,
- "Hint": "A glass of dark blue or purple liquid, representing ammonia mixed with litmus solution."
- },
- {
- "Prompt": "A glass of apple juice and litmus solution mixed liquid that has been standing for a while",
- "Explanation": "The model should generate an image of a glass of apple juice with litmus solution, with the liquid appearing red or pink, indicating that it is an acidic solution",
- "Category": "Chemistry",
- "Subcategory": "Solution Chemical Reaction",
- "prompt_id": 969,
- "Hint": "A glass of apple juice mixed with litmus solution, with the liquid appearing red or pink, indicating acidity."
- },
- {
- "Prompt": "A glass of hydrochloric acid and phenolphthalein solution mixed liquid that has been standing for a while",
- "Explanation": "The model should generate an image showing a glass of hydrochloric acid mixed with phenolphthalein solution, with the liquid appearing colorless",
- "Category": "Chemistry",
- "Subcategory": "Solution Chemical Reaction",
- "prompt_id": 970,
- "Hint": "A glass of colorless liquid representing hydrochloric acid mixed with phenolphthalein solution."
- },
- {
- "Prompt": "A glass of sodium hydroxide solution and phenolphthalein solution mixed liquid that has been standing for a while",
- "Explanation": "The model should generate an image showing a glass of sodium hydroxide solution mixed with phenolphthalein solution, with the liquid appearing pink or magenta, indicating a basic (alkaline) solution",
- "Category": "Chemistry",
- "Subcategory": "Solution Chemical Reaction",
- "prompt_id": 971,
- "Hint": "A glass of pink or magenta liquid, representing a sodium hydroxide solution mixed with phenolphthalein, indicating a basic (alkaline) solution."
- },
- {
- "Prompt": "Vinegar after mixing with red cabbage indicator",
- "Explanation": "The model should generate an image showing a clear solution of vinegar mix with indicator, the solution should look red, indicating its acidity",
- "Category": "Chemistry",
- "Subcategory": "Solution Chemical Reaction",
- "prompt_id": 972,
- "Hint": "A clear red solution, representing vinegar mixed with red cabbage indicator, indicating acidity."
- },
- {
- "Prompt": "The mixture of baking soda solution and vinegar in a glass",
- "Explanation": "The model should generate an image showing a glass where a baking soda solution is reacting with vinegar, with visible bubbling due to the release of carbon dioxide gas",
- "Category": "Chemistry",
- "Subcategory": "Solution Chemical Reaction",
- "prompt_id": 973,
- "Hint": "A glass containing a baking soda solution reacting with vinegar, with visible bubbling from the release of carbon dioxide gas."
- },
- {
- "Prompt": "The mixture of baking soda solution and lemon juice in a glass",
- "Explanation": "The model should generate an image showing a glass of lemon juice mixed with baking soda, with the mixture fizzing and producing bubbles, due to the formation of carbon dioxide gas",
- "Category": "Chemistry",
- "Subcategory": "Solution Chemical Reaction",
- "prompt_id": 974,
- "Hint": "A glass of lemon juice mixed with baking soda, fizzing and producing bubbles."
- },
- {
- "Prompt": "A piece of marble reacting with hydrochloric acid",
- "Explanation": "The model should generate an image of a piece of marble reacting with hydrochloric acid, with visible bubbles being released from the surface of the marble due to carbon dioxide production",
- "Category": "Chemistry",
- "Subcategory": "Solution Chemical Reaction",
- "prompt_id": 975,
- "Hint": "A piece of marble reacting with hydrochloric acid, with visible bubbles being released from the surface of the marble due to carbon dioxide production."
- },
- {
- "Prompt": "A solution of calcium carbonate reacting with acetic acid",
- "Explanation": "The model should generate an image showing a solution of calcium carbonate reacting with acetic acid, producing clear bubbles due to the formation of carbon dioxide",
- "Category": "Chemistry",
- "Subcategory": "Solution Chemical Reaction",
- "prompt_id": 976,
- "Hint": "A solution of calcium carbonate reacting with acetic acid, producing clear bubbles due to the formation of carbon dioxide."
- },
- {
- "Prompt": "Excess hydrochloric acid is added to a cloudy limewater solution",
- "Explanation": "The model should generate an image showing a cloudy limewater solution becoming clear after excess hydrochloric acid is added, as the calcium carbonate precipitate dissolves due to the acid",
- "Category": "Chemistry",
- "Subcategory": "Solution Chemical Reaction",
- "prompt_id": 977,
- "Hint": "A cloudy limewater solution becoming clear as excess hydrochloric acid is added, dissolving the calcium carbonate precipitate."
- },
- {
- "Prompt": "Copper sulfate solution mixing with sodium hydroxide solution in a beaker",
- "Explanation": "The model should generate a image of liquid in a beaker and should show the formation of a light blue precipitate (copper hydroxide)",
- "Category": "Chemistry",
- "Subcategory": "Solution Chemical Reaction",
- "prompt_id": 978,
- "Hint": "A beaker with liquids mixing, showing the formation of a light blue precipitate (copper hydroxide)."
- },
- {
- "Prompt": "Sodium sulfate solution mixing with barium chloride solution in a beaker",
- "Explanation": "The model should generate a image of liquid in a beaker, and must show the formation of a white precipitate",
- "Category": "Chemistry",
- "Subcategory": "Solution Chemical Reaction",
- "prompt_id": 979,
- "Hint": "A beaker containing two clear liquids being mixed, with the formation of a white precipitate."
- },
- {
- "Prompt": "Silver nitrate solution mixing with potassium chromate solution in a test tube",
- "Explanation": "The model should generate a image of liquid in a test tube, and must show the formation of a red precipitate",
- "Category": "Chemistry",
- "Subcategory": "Solution Chemical Reaction",
- "prompt_id": 980,
- "Hint": "Liquid in a test tube with a red precipitate forming."
- },
- {
- "Prompt": "Silver nitrate solution mixing with sodium chloride solution in a beaker",
- "Explanation": "The model should generate a image of liquid in a beaker, and must show the formation of a white precipitate",
- "Category": "Chemistry",
- "Subcategory": "Solution Chemical Reaction",
- "prompt_id": 981,
- "Hint": "A beaker containing two solutions mixing, with a white precipitate forming."
- },
- {
- "Prompt": "Sulfuric acid stained the T-shirt",
- "Explanation": "The model should generate an image showing a T-shirt with visible damage and charring in the area where sulfuric acid was spilled, indicating the destructive nature of the acid on organic material",
- "Category": "Chemistry",
- "Subcategory": "Solution Chemical Reaction",
- "prompt_id": 982,
- "Hint": "A T-shirt with visible damage and charring in the area where sulfuric acid was spilled, showing the destructive effect of the acid on organic material."
- },
- {
- "Prompt": "A piece of wood that has been splashed with concentrated nitric acid",
- "Explanation": "The model should generate an image showing a piece of wood that has been splashed with concentrated nitric acid with the wood showing signs of burning, discoloration, and degradation, from the acid corrosion",
- "Category": "Chemistry",
- "Subcategory": "Solution Chemical Reaction",
- "prompt_id": 983,
- "Hint": "A piece of wood showing signs of burning, discoloration, and degradation caused by splashes of concentrated nitric acid."
- },
- {
- "Prompt": "A sheet of paper after concentrated sulfuric acid is poured on it",
- "Explanation": "The model should generate an image showing a sheet of paper with significant charring, blackening, and degradation in the area where concentrated sulfuric acid was poured, illustrating the destructive and corrosive effect of the acid on organic material",
- "Category": "Chemistry",
- "Subcategory": "Solution Chemical Reaction",
- "prompt_id": 984,
- "Hint": "A sheet of paper with significant charring, blackening, and degradation in the area where concentrated sulfuric acid was poured, illustrating the destructive and corrosive effect of the acid on organic material."
- },
- {
- "Prompt": "A laser beam slicing through a glass of colloid",
- "Explanation": "Image depicts a clear glass or beaker filled with a fluid exhibiting the Tyndall effect. A visible laser beam should be shown passing through the fluid, with the path of the beam clearly illuminated within the fluid due to light scattering by colloidal particles. The fluid should appear slightly hazy or cloudy, not completely clear",
- "Category": "Chemistry",
- "Subcategory": "Chemical Properties",
- "prompt_id": 985,
- "Hint": "A clear glass or beaker filled with a slightly hazy fluid exhibiting the Tyndall effect, with a visible laser beam passing through the fluid and its path illuminated due to light scattering by colloidal particles."
- },
- {
- "Prompt": "A molecule of methane",
- "Explanation": "The model should generate an image depicting a ball-and-stick or space-filling model of a methane molecule, showing one carbon atom bonded to four hydrogen atoms, to show a simple organic molecule",
- "Category": "Chemistry",
- "Subcategory": "Chemical Properties",
- "prompt_id": 986,
- "Hint": "A ball-and-stick or space-filling model of a methane molecule, showing one carbon atom bonded to four hydrogen atoms."
- },
- {
- "Prompt": "Unused charcoals",
- "Explanation": "The model should generate an image showing unused charcoal, with the pieces appearing dark black, solid, and retaining their original shape and structure, representing the state before combustion",
- "Category": "Chemistry",
- "Subcategory": "Chemical Properties",
- "prompt_id": 987,
- "Hint": "Unused charcoal pieces, dark black, solid, and retaining their original shape and structure, representing the state before combustion."
- },
- {
- "Prompt": "Used charcoals",
- "Explanation": "The model should generate an image showing used charcoal, with pieces that appear white or light grey, broken, indicating that they have undergone combustion and the original carbon source has been consumed",
- "Category": "Chemistry",
- "Subcategory": "Chemical Properties",
- "prompt_id": 988,
- "Hint": "Used charcoal pieces that are white or light grey, broken, and show signs of combustion with the original carbon source consumed."
- },
- {
- "Prompt": "Much Salt have been added into the protein solution in a beaker",
- "Explanation": "The model should generate a beaker, and the solution in it should appear cloudy or have a visible precipitate of the protein",
- "Category": "Chemistry",
- "Subcategory": "Chemical Properties",
- "prompt_id": 989,
- "Hint": "A beaker containing a solution that appears cloudy or has a visible precipitate of protein."
- },
- {
- "Prompt": "A burning matchstick dipped into water",
- "Explanation": "The model should generate an image showing a burning matchstick that is quickly extinguished after being dipped into water, with the charred part of the matchstick appearing darker or blacker due to the water and the extinguishing process",
- "Category": "Chemistry",
- "Subcategory": "Chemical Properties",
- "prompt_id": 990,
- "Hint": "A burning matchstick being extinguished in water, with the charred part appearing darker or blacker."
- },
- {
- "Prompt": "White sugar crystals",
- "Explanation": "The model should generate an image showing pure, white sugar crystals with a clear, well-defined crystalline structure",
- "Category": "Chemistry",
- "Subcategory": "Chemical Properties",
- "prompt_id": 991,
- "Hint": "Pure, white sugar crystals with a clear, well-defined crystalline structure."
- },
- {
- "Prompt": "Burnt sugar",
- "Explanation": "The model should generate an image showing burnt sugar with a dark brown or black color, a sticky or caramelized texture, and possibly smoke or fumes",
- "Category": "Chemistry",
- "Subcategory": "Chemical Properties",
- "prompt_id": 992,
- "Hint": "Burnt sugar with a dark brown or black color, a sticky or caramelized texture, and possibly smoke or fumes."
- },
- {
- "Prompt": "Ammonium nitrate crystals dissolving in water in a beaker",
- "Explanation": "The model should generate an image of water in a beaker with ammonium nitrate crystals being added and dissolving. The image should suggest a decrease in temperature, with condensation forming on the outside of the beaker",
- "Category": "Chemistry",
- "Subcategory": "Chemical Properties",
- "prompt_id": 993,
- "Hint": "Water in a beaker with ammonium nitrate crystals dissolving, showing condensation forming on the outside of the beaker to suggest a decrease in temperature."
- },
- {
- "Prompt": "Sodium hydroxide pellets dissolving in water in a beaker",
- "Explanation": "The model should generate an image of water in a beaker with sodium hydroxide pellets being added and dissolving, with slight wisps of steam rising from the solution, demonstrating the released heat",
- "Category": "Chemistry",
- "Subcategory": "Chemical Properties",
- "prompt_id": 994,
- "Hint": "Sodium hydroxide pellets dissolving in water in a beaker, with slight wisps of steam rising from the solution."
- },
- {
- "Prompt": "A clear solution of copper sulfate",
- "Explanation": "The model should generate an image showing a transparent, bright blue solution in a glass container, representing dissolved copper sulfate",
- "Category": "Chemistry",
- "Subcategory": "Chemical Properties",
- "prompt_id": 995,
- "Hint": "A transparent, bright blue solution in a glass container, representing dissolved copper sulfate."
- },
- {
- "Prompt": "A solution of silver nitrate before light exposure",
- "Explanation": "The model should generate an image depicting a clear, colorless liquid in a transparent container. There should be no visible precipitate or cloudiness, representing a stable silver nitrate solution protected from light",
- "Category": "Chemistry",
- "Subcategory": "Chemical Properties",
- "prompt_id": 996,
- "Hint": "A clear, colorless liquid in a transparent container with no visible precipitate or cloudiness, representing a stable silver nitrate solution protected from light."
- },
- {
- "Prompt": "A solution of silver nitrate after light exposure",
- "Explanation": "The model should generate an image depicting a solution in transparent container with the silver particles on the bottom. This showcases a container that was not covered or not shielded from radiation",
- "Category": "Chemistry",
- "Subcategory": "Chemical Properties",
- "prompt_id": 997,
- "Hint": "A solution in a transparent container with visible silver particles settled at the bottom, representing a silver nitrate solution exposed to light."
- },
- {
- "Prompt": "A solid sample of potassium permanganate",
- "Explanation": "The model should generate an image showing dark purple or almost black crystals or powder, characteristic of solid potassium permanganate",
- "Category": "Chemistry",
- "Subcategory": "Chemical Properties",
- "prompt_id": 998,
- "Hint": "Dark purple or almost black crystals or powder, characteristic of solid potassium permanganate."
- },
- {
- "Prompt": "Potassium permanganate dissolved in water",
- "Explanation": "The model should generate an image showing a deep purple or magenta solution, representing potassium permanganate dissolved in water. The intensity of the color should indicate a significant concentration",
- "Category": "Chemistry",
- "Subcategory": "Chemical Properties",
- "prompt_id": 999,
- "Hint": "A deep purple or magenta solution in a container, representing potassium permanganate dissolved in water with a significant concentration."
- },
- {
- "Prompt": "An open container of a volatile organic solvent",
- "Explanation": "The model should generate an image showing an open container holding a liquid, with visible vapors emanating from the surface. The scene should convey the rapid evaporation of the solvent and potential hazards associated with its flammability or inhalation",
- "Category": "Chemistry",
- "Subcategory": "Chemical Properties",
- "prompt_id": 1000,
- "Hint": "An open container holding a liquid with visible vapors emanating, conveying rapid evaporation and potential hazards like flammability or inhalation."
- },
- {
- "Prompt": "The Sydney Opera House when it's 8 AM in San Francisco",
- "Explanation": "The model should show the Sydney Opera House in the evening, as it's ahead in time compared to San Francisco. The lights inside the building might be on, and there could be people leaving after an evening performance or event.",
- "Category": "time",
- "Subcategory": "Horizontal time",
- "prompt_id": 401,
- "Hint": "The Sydney Opera House in the evening with lights inside the building and people leaving after an evening performance or event."
- },
- {
- "Prompt": "The mountain trail when the skiers are coming down.",
- "Explanation": "The model should show the mountain trail covered in snow with skiers skiing down. This indicates that it is winter, and the trail is used for skiing activities.",
- "Category": "time",
- "Subcategory": "Horizontal time",
- "prompt_id": 402,
- "Hint": "Mountain trail covered in snow with skiers skiing down."
- },
- {
- "Prompt": "The wheat field when the frogs croak loudly at night.",
- "Explanation": "The model should generate an image of a ripe wheat field. Frogs croak loudly at night in summer, and wheat is ripe in summer.",
- "Category": "time",
- "Subcategory": "Horizontal time",
- "prompt_id": 403,
- "Hint": "A ripe wheat field on a summer night."
- },
- {
- "Prompt": "The school playground when the leaves are falling from the trees.",
- "Explanation": "A picture of the school playground with fallen leaves scattered on the ground and the trees with fewer leaves should be generated. Falling leaves indicate that it is autumn, and the playground should have an autumnal atmosphere.",
- "Category": "time",
- "Subcategory": "Horizontal time",
- "prompt_id": 404,
- "Hint": "A school playground with fallen leaves scattered on the ground, trees with fewer leaves, and an autumnal atmosphere."
- },
- {
- "Prompt": "The mountain when the leaves are turning red and the birds are migrating south.",
- "Explanation": "The model should generate an image of a mountain with red leaves. Leaves turning red indicates it's autumn, and birds migrating south also shows that it's autumn.",
- "Category": "time",
- "Subcategory": "Horizontal time",
- "prompt_id": 405,
- "Hint": "A mountain in autumn with red leaves and birds migrating south."
- },
- {
- "Prompt": "The persimmon tree when farmers begin harvesting sweet potatoes.",
- "Explanation": "Persimmons should be orange and ripe. Sweet potato harvest coincides with autumn when persimmons mature.",
- "Category": "time",
- "Subcategory": "Horizontal time",
- "prompt_id": 406,
- "Hint": "A persimmon tree with ripe, orange persimmons in an autumn setting."
- },
- {
- "Prompt": "The owls when the moon is rising",
- "Explanation": "An image of owls perched on tree branches should be generated, as owls are nocturnal and become active when the moon rises.",
- "Category": "time",
- "Subcategory": "Horizontal time",
- "prompt_id": 407,
- "Hint": "Owls perched on tree branches under a rising moon."
- },
- {
- "Prompt": "A park in London at 10 PM during the summer solstice",
- "Explanation": "The image should depict a park in London with the sky still relatively light due to the late sunset on the summer solstice. There might be people still enjoying the outdoors, having picnics or just relaxing on the benches, as the day is longer at this time of the year.",
- "Category": "time",
- "Subcategory": "Horizontal time",
- "prompt_id": 408,
- "Hint": "A park in London with a relatively light sky at 10 PM during the summer solstice, showing people enjoying picnics or relaxing on benches."
- },
- {
- "Prompt": "The sunflowers when the sun is setting",
- "Explanation": "The model should generate an image of sunflowers facing west, as sunflowers track the sun during the day and face west when the sun is setting.",
- "Category": "time",
- "Subcategory": "Horizontal time",
- "prompt_id": 409,
- "Hint": "Sunflowers facing west at sunset."
- },
- {
- "Prompt": "The river when the squirrels are busy storing food.",
- "Explanation": "The model should generate an image of a frozen river. Squirrels store food in autumn or approaching winter, and rivers freeze in winter.",
- "Category": "time",
- "Subcategory": "Horizontal time",
- "prompt_id": 410,
- "Hint": "A frozen river in winter."
- },
- {
- "Prompt": "The fishing village when sardine boats stop going out at night.",
- "Explanation": "Village docks empty. Night fishing stops when sardines migrate away in winter.",
- "Category": "time",
- "Subcategory": "Horizontal time",
- "prompt_id": 411,
- "Hint": "Empty village docks at night during winter, with no sardine boats present."
- },
- {
- "Prompt": "The street lamps when the first fireflies appear in the meadow.",
- "Explanation": "The image should show illuminated street lamps with fireflies glowing. Fireflies typically appear at dusk, so the scene should have twilight lighting.",
- "Category": "time",
- "Subcategory": "Horizontal time",
- "prompt_id": 412,
- "Hint": "Illuminated street lamps at twilight with glowing fireflies in a meadow."
- },
- {
- "Prompt": "The Pyramids of Giza at 8 PM Tokyo time.",
- "Explanation": "The image should depict the Pyramids of Giza in the early afternoon, with tourists and clear daylight.",
- "Category": "time",
- "Subcategory": "Horizontal time",
- "prompt_id": 413,
- "Hint": "The Pyramids of Giza in the early afternoon, with tourists and clear daylight."
- },
- {
- "Prompt": "The wheat field when the frogs are croaking loudly at night.",
- "Explanation": "A picture of a wheat field that is green and growing should be generated. Frogs croaking loudly at night suggests that it is spring or early summer, and wheat is usually growing during this time.",
- "Category": "time",
- "Subcategory": "Horizontal time",
- "prompt_id": 414,
- "Hint": "A green and growing wheat field on a spring or early summer night."
- },
- {
- "Prompt": "The rice paddies when lotus flowers start closing their petals.",
- "Explanation": "Paddies flooded with young rice plants. Lotuses close at dusk, indicating evening time.",
- "Category": "time",
- "Subcategory": "Horizontal time",
- "prompt_id": 415,
- "Hint": "Rice paddies flooded with young rice plants at dusk, with lotus flowers starting to close their petals."
- },
- {
- "Prompt": "The cherry trees when beekeepers open their hives for first harvest.",
- "Explanation": "Cherry blossoms in full bloom. Beekeepers typically harvest honey in spring during major nectar flows.",
- "Category": "time",
- "Subcategory": "Horizontal time",
- "prompt_id": 416,
- "Hint": "Cherry blossoms in full bloom during spring with beekeepers harvesting honey nearby."
- },
- {
- "Prompt": "The Sydney Opera House at 6 PM London Time.",
- "Explanation": "The image should depict Sydney Opera House in the early morning, possibly with sunrise colors.",
- "Category": "time",
- "Subcategory": "Horizontal time",
- "prompt_id": 417,
- "Hint": "Sydney Opera House during sunrise with warm morning colors."
- },
- {
- "Prompt": "A Rio de Janeiro beach at 9 AM Moscow time.",
- "Explanation": "The image should depict a Rio beach at early night, likely empty or with very few people.",
- "Category": "time",
- "Subcategory": "Horizontal time",
- "prompt_id": 418,
- "Hint": "A Rio de Janeiro beach at early night, likely empty or with very few people."
- },
- {
- "Prompt": "The maple syrup buckets when wood frogs start croaking.",
- "Explanation": "Buckets should be actively collecting sap. Wood frogs breed in early spring when maple sap flows.",
- "Category": "time",
- "Subcategory": "Horizontal time",
- "prompt_id": 419,
- "Hint": "Buckets actively collecting maple sap in early spring with wood frogs croaking nearby."
- },
- {
- "Prompt": "The cranberry bog when geese form V-shaped flocks.",
- "Explanation": "Bogs flooded for harvest (red berries visible). Geese migrate south during autumn harvest.",
- "Category": "time",
- "Subcategory": "Horizontal time",
- "prompt_id": 420,
- "Hint": "A cranberry bog flooded for harvest with visible red berries, featuring geese flying in V-shaped flocks during autumn."
- },
- {
- "Prompt": "The street when the streetlights are turned on and the shops are closing.",
- "Explanation": "A picture of the street in the evening with streetlights illuminating the area and shop shutters being closed should be generated. This indicates that it is getting late in the evening, and the street should have a quieter and dimly - lit atmosphere.",
- "Category": "time",
- "Subcategory": "Horizontal time",
- "prompt_id": 421,
- "Hint": "A quiet street in the evening with streetlights illuminating the area and shop shutters being closed, creating a dimly lit atmosphere."
- },
- {
- "Prompt": "A busy street in Tokyo at midnight local time",
- "Explanation": "An image of a street in Tokyo with neon lights still bright, but with fewer pedestrians and maybe some late - night food stalls still open. The atmosphere should reflect the quietness of the city at midnight compared to its daytime hustle and bustle.",
- "Category": "time",
- "Subcategory": "Horizontal time",
- "prompt_id": 422,
- "Hint": "A street in Tokyo at midnight with bright neon lights, fewer pedestrians, and some late-night food stalls open, capturing the quieter atmosphere compared to daytime."
- },
- {
- "Prompt": "The garden when the butterflies are fluttering around the flowers.",
- "Explanation": "An image of a garden with colorful flowers in full bloom and butterflies flying around should be generated. Butterflies are active during spring and summer when flowers are blooming.",
- "Category": "time",
- "Subcategory": "Horizontal time",
- "prompt_id": 423,
- "Hint": "A garden with colorful flowers in full bloom and butterflies flying around during spring or summer."
- },
- {
- "Prompt": "The wheat field when children start making dandelion chains.",
- "Explanation": "The wheat should be golden and ready for harvest. Dandelion chains are made in late spring/early summer when both dandelions bloom and wheat matures.",
- "Category": "time",
- "Subcategory": "Horizontal time",
- "prompt_id": 424,
- "Hint": "A golden wheat field ready for harvest with blooming dandelions nearby."
- },
- {
- "Prompt": "The lighthouse when monarch butterflies cluster on pine branches.",
- "Explanation": "Lighthouse beam visible in autumn dusk. Monarchs migrate south in fall when lighthouse use increases.",
- "Category": "time",
- "Subcategory": "Horizontal time",
- "prompt_id": 425,
- "Hint": "Lighthouse beam visible in autumn dusk surrounded by monarch butterflies clustering on pine branches."
- },
- {
- "Prompt": "A desert landscape in Sahara when it's 11 PM in London",
- "Explanation": "An image of the Sahara desert at night, with the sky full of stars and the temperature much cooler than during the day. There might be some desert animals active at night, like scorpions or snakes, and the sand dunes should be in darkness except for the light of the moon.",
- "Category": "time",
- "Subcategory": "Horizontal time",
- "prompt_id": 426,
- "Hint": "A nighttime scene of the Sahara desert with sand dunes under the light of the moon, a star-filled sky, and possible sightings of nocturnal desert animals like scorpions or snakes."
- },
- {
- "Prompt": "The daffodils when the birds return from migration.",
- "Explanation": "The model should generate an image of blooming daffodils. Birds return from migration in spring, and daffodils bloom in spring.",
- "Category": "time",
- "Subcategory": "Horizontal time",
- "prompt_id": 427,
- "Hint": "Blooming daffodils in spring with birds in the background."
- },
- {
- "Prompt": "A fishing boat in the Mediterranean Sea at 5 AM Chicago time.",
- "Explanation": "The image should depict a fishing boat in the Mediterranean Sea in the late morning/early afternoon, with clear skies and bright sunlight.",
- "Category": "time",
- "Subcategory": "Horizontal time",
- "prompt_id": 428,
- "Hint": "A fishing boat in the Mediterranean Sea in the late morning or early afternoon, with clear skies and bright sunlight."
- },
- {
- "Prompt": "A Diwali celebration in India at 10 AM New York time.",
- "Explanation": "The image should depict a Diwali celebration in India at night, with lit lamps and fireworks.",
- "Category": "time",
- "Subcategory": "Horizontal time",
- "prompt_id": 429,
- "Hint": "A Diwali celebration in India at night, with lit lamps and fireworks."
- },
- {
- "Prompt": "A coffee plantation in Colombia at 8 AM Dubai time.",
- "Explanation": "The image should depict a coffee plantation in Colombia at late night",
- "Category": "time",
- "Subcategory": "Horizontal time",
- "prompt_id": 430,
- "Hint": "A coffee plantation in Colombia at late night."
- },
- {
- "Prompt": "The cactus garden when hummingbird feeders are taken down.",
- "Explanation": "Cacti dormant (no flowers). Feeders removed when hummingbirds migrate in fall.",
- "Category": "time",
- "Subcategory": "Horizontal time",
- "prompt_id": 431,
- "Hint": "A cactus garden with dormant cacti, no flowers, and no visible hummingbird feeders."
- },
- {
- "Prompt": "The fishing boats when cherry blossoms cover the river surface.",
- "Explanation": "Boats should have fishing nets stored (off-season). Cherry blossom fall marks spring when fishing moratorium begins.",
- "Category": "time",
- "Subcategory": "Horizontal time",
- "prompt_id": 432,
- "Hint": "Fishing boats with nets stored on deck, floating on a river covered with fallen cherry blossoms, symbolizing spring and the off-season for fishing."
- },
- {
- "Prompt": "The city skyline when the morning chorus of robins begins.",
- "Explanation": "The scene should show predawn lighting with city lights still on. Robins' morning chorus starts before sunrise.",
- "Category": "time",
- "Subcategory": "Horizontal time",
- "prompt_id": 433,
- "Hint": "A city skyline under predawn lighting with city lights still on, symbolizing the early morning chorus of robins before sunrise."
- },
- {
- "Prompt": "A quiet park in Buenos Aires at 2 PM Cairo time.",
- "Explanation": "The image should depict a quiet park in Buenos Aires in the late evening, with minimal activity.",
- "Category": "time",
- "Subcategory": "Horizontal time",
- "prompt_id": 434,
- "Hint": "A quiet park in Buenos Aires in the late evening, with minimal activity."
- },
- {
- "Prompt": "A ski resort in the Swiss Alps at 7 AM Tokyo time.",
- "Explanation": "The image should depict a ski resort in the Swiss Alps in the late night, with few people",
- "Category": "time",
- "Subcategory": "Horizontal time",
- "prompt_id": 435,
- "Hint": "A ski resort in the Swiss Alps during the late night with few people."
- },
- {
- "Prompt": "The Statue of Liberty at 10 PM Dubai time.",
- "Explanation": "The image should depict the Statue of Liberty in the early afternoon, with clear skies and bustling activity.",
- "Category": "time",
- "Subcategory": "Horizontal time",
- "prompt_id": 436,
- "Hint": "The Statue of Liberty in the early afternoon, with clear skies and bustling activity."
- },
- {
- "Prompt": "The Tokyo market at 3 PM London time.",
- "Explanation": "The image should depict a Tokyo market in the late evening or night, not in the afternoon.",
- "Category": "time",
- "Subcategory": "Horizontal time",
- "prompt_id": 437,
- "Hint": "A Tokyo market in the late evening or night."
- },
- {
- "Prompt": "A university campus in London at 1 AM Melbourne time.",
- "Explanation": "The image should depict a university campus in London at around mid-morning, with students arriving for classes.",
- "Category": "time",
- "Subcategory": "Horizontal time",
- "prompt_id": 438,
- "Hint": "A university campus in London during mid-morning, with students arriving for classes."
- },
- {
- "Prompt": "The Great Wall of China when it's 3 PM in Los Angeles",
- "Explanation": "The model should generate a scene of the Great Wall of China in the early morning hours, considering the time difference. The sun should be just rising, and the wall should be bathed in the soft light of dawn, with few tourists around.",
- "Category": "time",
- "Subcategory": "Horizontal time",
- "prompt_id": 439,
- "Hint": "The Great Wall of China at dawn with the sun rising, bathed in soft light and with few tourists around."
- },
- {
- "Prompt": "The almond orchard when beekeepers move their hives away.",
- "Explanation": "Almond trees should be past blooming. Hives are removed after pollination season ends.",
- "Category": "time",
- "Subcategory": "Horizontal time",
- "prompt_id": 440,
- "Hint": "An almond orchard with trees past blooming and no beehives visible."
- },
- {
- "Prompt": "The riverbank when the salmon are swimming upstream to spawn.",
- "Explanation": "The model should create a scene of the riverbank with salmon swimming upstream. This usually happens in late summer or autumn, and the riverbank should have an autumnal look with fallen leaves and a cooler atmosphere.",
- "Category": "time",
- "Subcategory": "Horizontal time",
- "prompt_id": 441,
- "Hint": "A riverbank in autumn with salmon swimming upstream to spawn, surrounded by fallen leaves and a cool atmosphere."
- },
- {
- "Prompt": "The view of Tiananmen Square at 12 PM New York time",
- "Explanation": "The model should generate an image of Tiananmen Square at night",
- "Category": "time",
- "Subcategory": "Horizontal time",
- "prompt_id": 442,
- "Hint": "Tiananmen Square at night."
- },
- {
- "Prompt": "A street market in Marrakech at 8 PM Tokyo time.",
- "Explanation": "The image should depict a street market in Marrakech in the early afternoon, bustling with shoppers and vendors.",
- "Category": "time",
- "Subcategory": "Horizontal time",
- "prompt_id": 443,
- "Hint": "A bustling street market in Marrakech in the early afternoon, with shoppers and vendors."
- },
- {
- "Prompt": "The cherry orchard when floodlights illuminate the trees at night.",
- "Explanation": "Cherry trees bare. Night illumination used in early spring to delay blooming.",
- "Category": "time",
- "Subcategory": "Horizontal time",
- "prompt_id": 444,
- "Hint": "Cherry trees bare, illuminated by floodlights at night in early spring."
- },
- {
- "Prompt": "The coastal pine forest when sea turtles begin laying eggs.",
- "Explanation": "Pine trees with mature cones. Sea turtles nest in summer when pines complete pollination.",
- "Category": "time",
- "Subcategory": "Horizontal time",
- "prompt_id": 445,
- "Hint": "A coastal pine forest with mature cones during summer, with sea turtles nesting on the nearby beach."
- },
- {
- "Prompt": "The Eiffel Tower when the sun rises in Paris",
- "Explanation": "The model should generate an image of the Eiffel Tower with the early morning sunlight just starting to shine on it, casting long shadows. The sky should have the colors of dawn, and there might be a few people starting their day around the tower.",
- "Category": "time",
- "Subcategory": "Horizontal time",
- "prompt_id": 446,
- "Hint": "The Eiffel Tower with the early morning sunlight shining on it, casting long shadows, under a dawn sky with soft colors and a few people starting their day nearby."
- },
- {
- "Prompt": "A busy New York street at 3 AM Sydney time.",
- "Explanation": "The image should show a New York street during the mid-afternoon, likely bustling with activity.",
- "Category": "time",
- "Subcategory": "Horizontal time",
- "prompt_id": 447,
- "Hint": "A busy New York street during the mid-afternoon."
- },
- {
- "Prompt": "The alpine meadow when marmots begin fattening for hibernation.",
- "Explanation": "Meadow flowers in full bloom (summer). Marmots prepare for hibernation in late summer.",
- "Category": "time",
- "Subcategory": "Horizontal time",
- "prompt_id": 448,
- "Hint": "An alpine meadow in late summer with flowers in full bloom and marmots fattening for hibernation."
- },
- {
- "Prompt": "The apple orchard when the farmers are harvesting pumpkins.",
- "Explanation": "An image of an apple orchard with apples still on the trees but starting to change color should be generated. Harvesting pumpkins indicates that it is autumn, and apples are usually harvested in late summer or early autumn, so there should still be some apples left on the trees.",
- "Category": "time",
- "Subcategory": "Horizontal time",
- "prompt_id": 449,
- "Hint": "An apple orchard with apples still on the trees, starting to change color, set in an autumn landscape where farmers are harvesting pumpkins."
- },
- {
- "Prompt": "The Great Wall of China at 4 PM Dubai time.",
- "Explanation": "The image should depict the Great Wall of China at night, with few to no people.",
- "Category": "time",
- "Subcategory": "Horizontal time",
- "prompt_id": 450,
- "Hint": "The Great Wall of China at night with few to no people."
- },
- {
- "Prompt": "The view of The White House at 12 AM Beijing time",
- "Explanation": "The model should generate an image of The White House at night",
- "Category": "time",
- "Subcategory": "Horizontal time",
- "prompt_id": 451,
- "Hint": "The White House at night."
- },
- {
- "Prompt": "A rainforest in the Amazon when it's 5 AM in New York",
- "Explanation": "The image should depict the Amazon rainforest in the middle of the night, with the sounds of nocturnal animals echoing through the trees. The moonlight might filter through the dense canopy, illuminating some parts of the forest floor.",
- "Category": "time",
- "Subcategory": "Horizontal time",
- "prompt_id": 452,
- "Hint": "Amazon rainforest at night with moonlight filtering through the dense canopy, illuminating parts of the forest floor, and nocturnal animals active."
- },
- {
- "Prompt": "The Great Wall of China at 3 PM Dubai time.",
- "Explanation": "The image should depict the Great Wall of China in the late evening or at night, with few to no people.",
- "Category": "time",
- "Subcategory": "Horizontal time",
- "prompt_id": 453,
- "Hint": "The Great Wall of China in the late evening or at night, with few to no people."
- },
- {
- "Prompt": "The wheat field when the swallows build nests.",
- "Explanation": "A picture of a wheat field with golden - colored wheat that is about to mature should be generated. Swallows build nests in spring, and wheat grows and ripens in spring and early summer.",
- "Category": "time",
- "Subcategory": "Horizontal time",
- "prompt_id": 454,
- "Hint": "A golden wheat field with mature wheat under a bright spring or early summer sky, with swallows flying nearby, symbolizing nesting season."
- },
- {
- "Prompt": "A coffee plantation in Colombia at 7 AM Dubai time.",
- "Explanation": "The image should depict a coffee plantation in Colombia at late night or pre-dawn, likely quiet and dimly lit.",
- "Category": "time",
- "Subcategory": "Horizontal time",
- "prompt_id": 455,
- "Hint": "A quiet, dimly lit coffee plantation in Colombia during the late night or pre-dawn hours."
- },
- {
- "Prompt": "The Eiffel Tower at 8 PM Tokyo time.",
- "Explanation": "The image should depict the Eiffel Tower in the early afternoon, with tourists and clear daylight.",
- "Category": "time",
- "Subcategory": "Horizontal time",
- "prompt_id": 456,
- "Hint": "The Eiffel Tower in the early afternoon, surrounded by tourists and under clear daylight."
- },
- {
- "Prompt": "The desert cactus when roadrunners start building nests.",
- "Explanation": "Cactus should be blooming. Roadrunners nest in spring when desert plants flower.",
- "Category": "time",
- "Subcategory": "Horizontal time",
- "prompt_id": 457,
- "Hint": "A blooming desert cactus with roadrunners building nests in spring."
- },
- {
- "Prompt": "The city square when the fireflies are glowing.",
- "Explanation": "The model should create a scene of the city square at night with fireflies glowing around. Fireflies are active during warm summer nights, so the square should be depicted in a summer nighttime setting.",
- "Category": "time",
- "Subcategory": "Horizontal time",
- "prompt_id": 458,
- "Hint": "A city square at night during summer with fireflies glowing around."
- },
- {
- "Prompt": "A Christmas market in Berlin at 2 PM Sydney time.",
- "Explanation": "The image should depict a Christmas market in Berlin at night, with festive lights and snow.",
- "Category": "time",
- "Subcategory": "Horizontal time",
- "prompt_id": 459,
- "Hint": "A Christmas market in Berlin at night, with festive lights and snow."
- },
- {
- "Prompt": "A Carnival parade in Rio de Janeiro at 10 PM London time.",
- "Explanation": "The image should depict a Carnival parade in Rio de Janeiro in the late afternoon, with the bright sun shining.",
- "Category": "time",
- "Subcategory": "Horizontal time",
- "prompt_id": 460,
- "Hint": "A Carnival parade in Rio de Janeiro in the late afternoon, with the bright sun shining."
- },
- {
- "Prompt": "The maple syrup buckets when sap starts dripping from birch trees.",
- "Explanation": "Maple buckets should be empty. Birch sap runs after maple season (later in spring).",
- "Category": "time",
- "Subcategory": "Horizontal time",
- "prompt_id": 461,
- "Hint": "Empty maple syrup buckets hanging on birch trees during late spring."
- },
- {
- "Prompt": "A famous landmark in Paris at 4 AM Los Angeles time",
- "Explanation": "The image should depict a famous landmark in Paris in the early afternoon, possibly with tourists.",
- "Category": "time",
- "Subcategory": "Horizontal time",
- "prompt_id": 462,
- "Hint": "Eiffel Tower in the early afternoon, possibly with tourists."
- },
- {
- "Prompt": "The beach when the children are playing with snowmen.",
- "Explanation": "The model should show a beach scene with snow covering the ground and children building snowmen. This implies that it is winter, and the beach is covered in snow, which is an unusual but possible scenario in some cold regions during winter.",
- "Category": "time",
- "Subcategory": "Horizontal time",
- "prompt_id": 463,
- "Hint": "A snowy beach scene with children building snowmen."
- },
- {
- "Prompt": "The beach in Sydney when it's 6 AM New York time",
- "Explanation": "The model should create a picture of the beach in Sydney in the middle of the night, as there is a significant time difference between Sydney and New York. It should show the dark sky, the quiet sea, and maybe some stars still visible.",
- "Category": "time",
- "Subcategory": "Horizontal time",
- "prompt_id": 464,
- "Hint": "The beach in Sydney at night with a dark sky, a quiet sea, and visible stars."
- },
- {
- "Prompt": "The sunflower field when crickets start chirping at dusk.",
- "Explanation": "Sunflowers should be in full bloom. Cricket choruses peak in late summer when sunflowers mature.",
- "Category": "time",
- "Subcategory": "Horizontal time",
- "prompt_id": 465,
- "Hint": "A field of sunflowers in full bloom at dusk, symbolizing late summer."
- },
- {
- "Prompt": "A coffee shop in Rome at 10 AM Chicago time.",
- "Explanation": "The image should depict a coffee shop in Rome in the late afternoon/early evening, with people relaxing or enjoying a late snack",
- "Category": "time",
- "Subcategory": "Horizontal time",
- "prompt_id": 466,
- "Hint": "A coffee shop in Rome in the late afternoon/early evening, with people relaxing or enjoying a late snack."
- },
- {
- "Prompt": "The beach when the crabs are molting.",
- "Explanation": "The model should generate an image of a relatively empty beach with few tourists. Crabs molt in late spring or early summer, and beaches are not so crowded at that time compared to midsummer.",
- "Category": "time",
- "Subcategory": "Horizontal time",
- "prompt_id": 467,
- "Hint": "A relatively empty beach with few tourists in late spring or early summer."
- },
- {
- "Prompt": "The type of weapon used by knights in the medieval times",
- "Explanation": "The model should generate an image of a mace or a flail",
- "Category": "time",
- "Subcategory": "Longitudinal time",
- "prompt_id": 468,
- "Hint": "A mace or a flail used by knights in medieval times."
- },
- {
- "Prompt": "A beach during winter.",
- "Explanation": "The image should depict a deserted beach with cold colors, perhaps with some snow or ice, and no people.",
- "Category": "time",
- "Subcategory": "Longitudinal time",
- "prompt_id": 469,
- "Hint": "A deserted beach with cold colors, some snow or ice, and no people."
- },
- {
- "Prompt": "The primary mode of long-distance communication in the early 19th century",
- "Explanation": "The model should generate an image of a stagecoach delivering mail",
- "Category": "time",
- "Subcategory": "Longitudinal time",
- "prompt_id": 470,
- "Hint": "A stagecoach delivering mail."
- },
- {
- "Prompt": "A specific type of sword used by medieval European knights",
- "Explanation": "The model should generate an image of a broadsword or a longsword",
- "Category": "time",
- "Subcategory": "Longitudinal time",
- "prompt_id": 471,
- "Hint": "Broadsword or longsword."
- },
- {
- "Prompt": "The musical instrument that became a symbol of jazz music in the 1920s",
- "Explanation": "The model should generate an image of a saxophone",
- "Category": "time",
- "Subcategory": "Longitudinal time",
- "prompt_id": 472,
- "Hint": "Saxophone."
- },
- {
- "Prompt": "The symbolic handheld device carried by affluent men in the 18th century",
- "Explanation": "The model should generate an image of a walking cane or a decorative snuff box",
- "Category": "time",
- "Subcategory": "Longitudinal time",
- "prompt_id": 473,
- "Hint": "Walking cane or decorative snuff box."
- },
- {
- "Prompt": "The form of entertainment dominant before the invention of television in the early 20th century",
- "Explanation": "The model should generate an image of a stage play or a vaudeville performance",
- "Category": "time",
- "Subcategory": "Longitudinal time",
- "prompt_id": 474,
- "Hint": "A stage play or a vaudeville performance."
- },
- {
- "Prompt": "The popular style of shoe worn by women in the 1950s",
- "Explanation": "The model should generate an image of stiletto heels",
- "Category": "time",
- "Subcategory": "Longitudinal time",
- "prompt_id": 475,
- "Hint": "Stiletto heels."
- },
- {
- "Prompt": "A lavender field during summer.",
- "Explanation": "The image should depict a field of lavender with fully bloomed purple flowers.",
- "Category": "time",
- "Subcategory": "Longitudinal time",
- "prompt_id": 476,
- "Hint": "A field of lavender with fully bloomed purple flowers during summer."
- },
- {
- "Prompt": "The specific style of clothing worn by samurais during the Edo period",
- "Explanation": "The model should generate an image of a Samurai wearing traditional armor like an O-yoroi or a Katana",
- "Category": "time",
- "Subcategory": "Longitudinal time",
- "prompt_id": 477,
- "Hint": "A Samurai wearing traditional armor like an O-yoroi and holding a Katana."
- },
- {
- "Prompt": "A close-up of a maple leaf in summer.",
- "Explanation": "The image should show a green maple leaf, without any hints of red, orange, or yellow. As the colors of autumn would not be found in summer.",
- "Category": "time",
- "Subcategory": "Longitudinal time",
- "prompt_id": 478,
- "Hint": "A close-up of a green maple leaf."
- },
- {
- "Prompt": "The style of armor worn by Greek hoplites in ancient times",
- "Explanation": "The model should generate an image of hoplite armor, including a bronze cuirass, helmet, and greaves",
- "Category": "time",
- "Subcategory": "Longitudinal time",
- "prompt_id": 479,
- "Hint": "Hoplite armor, including a bronze cuirass, helmet, and greaves."
- },
- {
- "Prompt": "The specific type of printing press used by Gutenberg in the 15th century",
- "Explanation": "The model should generate an image of a Gutenberg printing press, with its screw and movable type",
- "Category": "time",
- "Subcategory": "Longitudinal time",
- "prompt_id": 480,
- "Hint": "Gutenberg printing press with its screw and movable type."
- },
- {
- "Prompt": "The specific form of currency used in ancient Rome",
- "Explanation": "The model should generate an image of a Roman denarius coin",
- "Category": "time",
- "Subcategory": "Longitudinal time",
- "prompt_id": 481,
- "Hint": "Roman denarius coin."
- },
- {
- "Prompt": "A lavender field during winter.",
- "Explanation": "The image should show a field of lavender covered with snow or with dried brown stems, without any flowers.",
- "Category": "time",
- "Subcategory": "Longitudinal time",
- "prompt_id": 482,
- "Hint": "A lavender field covered with snow or with dried brown stems, without any flowers."
- },
- {
- "Prompt": "A wheat field during late autumn.",
- "Explanation": "The image should show a wheat field with golden-brown stalks ready for harvest, or with stubble after harvesting.",
- "Category": "time",
- "Subcategory": "Longitudinal time",
- "prompt_id": 483,
- "Hint": "A wheat field with golden-brown stalks ready for harvest or with stubble after harvesting."
- },
- {
- "Prompt": "The hairstyle worn by Chinese men in the late 17th century",
- "Explanation": "The model should generate an image of a traditional Manchu queue hairstyle, where the hair is shaved in the front and tied into a long braid in the back",
- "Category": "time",
- "Subcategory": "Longitudinal time",
- "prompt_id": 484,
- "Hint": "Traditional Manchu queue hairstyle, with the hair shaved in the front and tied into a long braid in the back."
- },
- {
- "Prompt": "A specific type of camera used in the 19th century for early photography",
- "Explanation": "The model should generate an image of a large, wooden box camera with a bellows",
- "Category": "time",
- "Subcategory": "Longitudinal time",
- "prompt_id": 485,
- "Hint": "A large, wooden box camera with a bellows."
- },
- {
- "Prompt": "The unique style of sandal worn by ancient Romans",
- "Explanation": "The model should generate an image of a Roman caligae sandal with its thick sole and crisscrossed straps",
- "Category": "time",
- "Subcategory": "Longitudinal time",
- "prompt_id": 486,
- "Hint": "Roman caligae sandal with a thick sole and crisscrossed straps."
- },
- {
- "Prompt": "A deciduous forest in the fall",
- "Explanation": "The image should depict a forest with trees displaying autumn foliage, with red, yellow, and orange leaves.",
- "Category": "time",
- "Subcategory": "Longitudinal time",
- "prompt_id": 487,
- "Hint": "A forest with trees displaying autumn foliage in red, yellow, and orange leaves."
- },
- {
- "Prompt": "A bear during winter.",
- "Explanation": "The image should depict a bear sleeping in its den, as this is typical of bears during winter hibernation.",
- "Category": "time",
- "Subcategory": "Longitudinal time",
- "prompt_id": 488,
- "Hint": "A bear sleeping in its den during winter hibernation."
- },
- {
- "Prompt": "The standard clock found in homes in the late 19th century",
- "Explanation": "The model should generate an image of a pendulum clock or a mantel clock",
- "Category": "time",
- "Subcategory": "Longitudinal time",
- "prompt_id": 489,
- "Hint": "Pendulum clock or mantel clock."
- },
- {
- "Prompt": "A cotton field during late summer",
- "Explanation": "The image should depict a cotton field with open white bolls of cotton",
- "Category": "time",
- "Subcategory": "Longitudinal time",
- "prompt_id": 490,
- "Hint": "A cotton field with open white bolls of cotton."
- },
- {
- "Prompt": "The typical hairstyle worn by men in modern society",
- "Explanation": "The model should generate an image of a man with a short, neatly styled haircut, such as a buzz cut, crew cut, or undercut, representing contemporary men's fashion",
- "Category": "time",
- "Subcategory": "Longitudinal time",
- "prompt_id": 491,
- "Hint": "A man with a short, neatly styled haircut, such as a buzz cut, crew cut, or undercut, representing contemporary men's fashion."
- },
- {
- "Prompt": "A flock of geese near a lake during summer.",
- "Explanation": "The image should show a flock of geese swimming in a lake, with green vegetation around them.",
- "Category": "time",
- "Subcategory": "Longitudinal time",
- "prompt_id": 492,
- "Hint": "A flock of geese swimming in a lake surrounded by green vegetation during summer."
- },
- {
- "Prompt": "The type of dress typically worn by women during the Victorian era",
- "Explanation": "The model should generate an image of a Victorian era dress with a high neckline, tight waist, and long, full skirt",
- "Category": "time",
- "Subcategory": "Longitudinal time",
- "prompt_id": 493,
- "Hint": "Victorian era dress with a high neckline, tight waist, and long, full skirt."
- },
- {
- "Prompt": "The specific type of armor worn by medieval Japanese warriors",
- "Explanation": "The model should generate an image of Samurai armor like an o-yoroi or a d\u014d-maru, with specific plates and lacing",
- "Category": "time",
- "Subcategory": "Longitudinal time",
- "prompt_id": 494,
- "Hint": "Samurai armor like an o-yoroi or a d\u014d-maru, featuring specific plates and lacing."
- },
- {
- "Prompt": "The method of creating images on a glass plate used by early photographers before film",
- "Explanation": "The model should generate an image of a wet plate collodion process or a Daguerreotype setup",
- "Category": "time",
- "Subcategory": "Longitudinal time",
- "prompt_id": 495,
- "Hint": "Wet plate collodion process or a Daguerreotype setup."
- },
- {
- "Prompt": "A beach during summer.",
- "Explanation": "The image should show a sunny beach with people swimming, sunbathing, and engaging in summer activities.",
- "Category": "time",
- "Subcategory": "Longitudinal time",
- "prompt_id": 496,
- "Hint": "A sunny beach with people swimming, sunbathing, and engaging in summer activities."
- },
- {
- "Prompt": "The common form of transportation used by wealthy Europeans in the 18th century",
- "Explanation": "The model should generate an image of a horse-drawn carriage",
- "Category": "time",
- "Subcategory": "Longitudinal time",
- "prompt_id": 497,
- "Hint": "Horse-drawn carriage."
- },
- {
- "Prompt": "The distinctive shape of a Viking longship used for naval combat",
- "Explanation": "The model should generate an image of a Viking longship with its long, narrow hull, single mast, and decorative prow",
- "Category": "time",
- "Subcategory": "Longitudinal time",
- "prompt_id": 498,
- "Hint": "Viking longship with a long, narrow hull, single mast, and decorative prow."
- },
- {
- "Prompt": "A cherry blossom tree in autumn.",
- "Explanation": "The image should depict a cherry tree with bare branches or with fall foliage. Cherry blossoms do not bloom in autumn.",
- "Category": "time",
- "Subcategory": "Longitudinal time",
- "prompt_id": 499,
- "Hint": "A cherry tree with bare branches or fall foliage in autumn."
- },
- {
- "Prompt": "The typical garment worn by laborers in the early industrial revolution factories",
- "Explanation": "The model should generate an image of a worker wearing a simple cotton shirt and trousers, possibly with an apron",
- "Category": "time",
- "Subcategory": "Longitudinal time",
- "prompt_id": 500,
- "Hint": "A worker wearing a simple cotton shirt and trousers, possibly with an apron."
- },
- {
- "Prompt": "A popular square-shaped toy from the 1980s",
- "Explanation": "The model should generate an image of a Rubik's Cube",
- "Category": "time",
- "Subcategory": "Longitudinal time",
- "prompt_id": 501,
- "Hint": "Rubik's Cube."
- },
- {
- "Prompt": "The signature vehicle associated with the hippie movement in the 1960s",
- "Explanation": "The model should generate an image of a Volkswagen Bus",
- "Category": "time",
- "Subcategory": "Longitudinal time",
- "prompt_id": 502,
- "Hint": "Volkswagen Bus."
- },
- {
- "Prompt": "A sunflower field during summer.",
- "Explanation": "The image should depict a field full of sunflowers with large, yellow flower heads facing the sun.",
- "Category": "time",
- "Subcategory": "Longitudinal time",
- "prompt_id": 503,
- "Hint": "A field full of sunflowers with large, yellow flower heads facing the sun during summer."
- },
- {
- "Prompt": "The household tool that revolutionized laundry day in the 19th century",
- "Explanation": "The model should generate an image of a mechanical washing machine with a hand-crank or early motor",
- "Category": "time",
- "Subcategory": "Longitudinal time",
- "prompt_id": 504,
- "Hint": "A mechanical washing machine with a hand-crank or early motor."
- },
- {
- "Prompt": "The primary form of transportation used in ancient Rome",
- "Explanation": "The model should generate an image of a chariot",
- "Category": "time",
- "Subcategory": "Longitudinal time",
- "prompt_id": 505,
- "Hint": "Chariot."
- },
- {
- "Prompt": "The most iconic haircut that characterized the women's fashion trend of the 1920s",
- "Explanation": "The model should generate an image of a bob haircut, short and often styled with waves or curls",
- "Category": "time",
- "Subcategory": "Longitudinal time",
- "prompt_id": 506,
- "Hint": "A bob haircut, short and often styled with waves or curls."
- },
- {
- "Prompt": "The type of clock found in most public places during the 19th century",
- "Explanation": "The model should generate an image of a large clock tower or a station clock",
- "Category": "time",
- "Subcategory": "Longitudinal time",
- "prompt_id": 507,
- "Hint": "A large clock tower or a station clock."
- },
- {
- "Prompt": "The primary instrument used for navigation by sailors in the 15th century",
- "Explanation": "The model should generate an image of an astrolabe or a quadrant",
- "Category": "time",
- "Subcategory": "Longitudinal time",
- "prompt_id": 508,
- "Hint": "An astrolabe or a quadrant."
- },
- {
- "Prompt": "The type of music prevalent during the disco era of the 1970s",
- "Explanation": "The model should generate an image of a disco ball, platform shoes, and flared pants, showcasing the disco culture",
- "Category": "time",
- "Subcategory": "Longitudinal time",
- "prompt_id": 509,
- "Hint": "A disco ball, platform shoes, and flared pants, showcasing the disco culture."
- },
- {
- "Prompt": "The form of writing prevalent in ancient Mesopotamia",
- "Explanation": "The model should generate an image of cuneiform script on a clay tablet",
- "Category": "time",
- "Subcategory": "Longitudinal time",
- "prompt_id": 510,
- "Hint": "Cuneiform script on a clay tablet."
- },
- {
- "Prompt": "An apple orchard during the winter",
- "Explanation": "The image should show the apple trees with no leaves and no fruit, with the overall winter scene",
- "Category": "time",
- "Subcategory": "Longitudinal time",
- "prompt_id": 511,
- "Hint": "An apple orchard with bare trees, no leaves or fruit, set in a winter scene."
- },
- {
- "Prompt": "A cotton field during early spring",
- "Explanation": "The image should depict a cotton field with small green plants and no open cotton bolls.",
- "Category": "time",
- "Subcategory": "Longitudinal time",
- "prompt_id": 512,
- "Hint": "A cotton field with small green plants and no open cotton bolls."
- },
- {
- "Prompt": "A specific type of aircraft used in World War II",
- "Explanation": "The model should generate an image of a fighter plane, such as a Spitfire or a P-51 Mustang",
- "Category": "time",
- "Subcategory": "Longitudinal time",
- "prompt_id": 513,
- "Hint": "A World War II fighter plane, such as a Spitfire or a P-51 Mustang."
- },
- {
- "Prompt": "A flock of migrating geese during autumn.",
- "Explanation": "The image should show geese flying in a V-formation against an autumn sky, indicating their migration south.",
- "Category": "time",
- "Subcategory": "Longitudinal time",
- "prompt_id": 514,
- "Hint": "Geese flying in a V-formation against an autumn sky."
- },
- {
- "Prompt": "The type of vehicle used to transport goods in the early days of transcontinental railroad construction",
- "Explanation": "The model should generate an image of a flatbed railcar or a boxcar",
- "Category": "time",
- "Subcategory": "Longitudinal time",
- "prompt_id": 515,
- "Hint": "A flatbed railcar or a boxcar."
- },
- {
- "Prompt": "A cherry blossom tree in spring.",
- "Explanation": "The image should depict a cherry tree with pink or white blossoms, typical of spring.",
- "Category": "time",
- "Subcategory": "Longitudinal time",
- "prompt_id": 516,
- "Hint": "A cherry tree with pink or white blossoms, typical of spring."
- },
- {
- "Prompt": "A bamboo forest during winter",
- "Explanation": "The image should show a bamboo forest covered in snow and with slightly yellowed leaves.",
- "Category": "time",
- "Subcategory": "Longitudinal time",
- "prompt_id": 517,
- "Hint": "A bamboo forest covered in snow with slightly yellowed leaves."
- },
- {
- "Prompt": "A wheat field during late spring.",
- "Explanation": "The image should depict a wheat field with young, green stalks growing tall.",
- "Category": "time",
- "Subcategory": "Longitudinal time",
- "prompt_id": 518,
- "Hint": "A wheat field with young, green stalks growing tall."
- },
- {
- "Prompt": "A field of dandelions in spring",
- "Explanation": "The image should show a field with many dandelions with their yellow flowers, as dandelions are mostly found in the spring",
- "Category": "time",
- "Subcategory": "Longitudinal time",
- "prompt_id": 519,
- "Hint": "A field with many dandelions in bloom, showcasing their bright yellow flowers in a springtime setting."
- },
- {
- "Prompt": "A common form of early locomotive in the 19th century",
- "Explanation": "The model should generate an image of a steam locomotive",
- "Category": "time",
- "Subcategory": "Longitudinal time",
- "prompt_id": 520,
- "Hint": "Steam locomotive."
- },
- {
- "Prompt": "A type of dwelling prevalent in prehistoric times",
- "Explanation": "The model should generate an image of a cave dwelling",
- "Category": "time",
- "Subcategory": "Longitudinal time",
- "prompt_id": 521,
- "Hint": "Cave dwelling."
- },
- {
- "Prompt": "The signature type of automobile from the early days of mass production in the 1920s",
- "Explanation": "The model should generate an image of a Ford Model T",
- "Category": "time",
- "Subcategory": "Longitudinal time",
- "prompt_id": 522,
- "Hint": "Ford Model T."
- },
- {
- "Prompt": "The most iconic building style associated with the Mayan civilization",
- "Explanation": "The model should generate an image of a Mayan stepped pyramid",
- "Category": "time",
- "Subcategory": "Longitudinal time",
- "prompt_id": 523,
- "Hint": "Mayan stepped pyramid."
- },
- {
- "Prompt": "A form of personal communication before the advent of telephones",
- "Explanation": "The model should generate an image of a letter and it may include quill and ink",
- "Category": "time",
- "Subcategory": "Longitudinal time",
- "prompt_id": 524,
- "Hint": "A letter accompanied by a quill and ink."
- },
- {
- "Prompt": "A method of broadcasting information in the early 20th century",
- "Explanation": "The model should generate an image of an early radio broadcast",
- "Category": "time",
- "Subcategory": "Longitudinal time",
- "prompt_id": 525,
- "Hint": "Early radio broadcast."
- },
- {
- "Prompt": "A pond with frogs during winter.",
- "Explanation": "The image should show a frozen pond with no frogs, since they hibernate during winter.",
- "Category": "time",
- "Subcategory": "Longitudinal time",
- "prompt_id": 526,
- "Hint": "A frozen pond with no visible frogs."
- },
- {
- "Prompt": "A rainforest during the wet season.",
- "Explanation": "The image should depict a rainforest with lush green vegetation, with heavy rainfall and high humidity.",
- "Category": "time",
- "Subcategory": "Longitudinal time",
- "prompt_id": 527,
- "Hint": "A rainforest with lush green vegetation, heavy rainfall, and high humidity."
- },
- {
- "Prompt": "The technology used for projecting images before the advent of film projectors",
- "Explanation": "The model should generate an image of a magic lantern or stereoscope",
- "Category": "time",
- "Subcategory": "Longitudinal time",
- "prompt_id": 528,
- "Hint": "A magic lantern or stereoscope."
- },
- {
- "Prompt": "The kind of bag commonly used by school children in the 1970s",
- "Explanation": "The model should generate an image of a vinyl or canvas satchel bag",
- "Category": "time",
- "Subcategory": "Longitudinal time",
- "prompt_id": 529,
- "Hint": "A vinyl or canvas satchel bag."
- },
- {
- "Prompt": "A form of digital communication that emerged in the early 21st century",
- "Explanation": "The model should generate an image of a smartphone",
- "Category": "time",
- "Subcategory": "Longitudinal time",
- "prompt_id": 530,
- "Hint": "A smartphone."
- },
- {
- "Prompt": "The specific type of sailing vessel used by explorers during the Age of Discovery in the 15th and 16th centuries",
- "Explanation": "The model should generate an image of a caravel ship with its lateen sails",
- "Category": "time",
- "Subcategory": "Longitudinal time",
- "prompt_id": 531,
- "Hint": "A caravel ship with lateen sails."
- },
- {
- "Prompt": "A popular type of telephone in the early 20th century",
- "Explanation": "The model should generate an image of a rotary dial telephone",
- "Category": "time",
- "Subcategory": "Longitudinal time",
- "prompt_id": 532,
- "Hint": "Rotary dial telephone."
- },
- {
- "Prompt": "The common style of glasses worn by scholars in the Middle Ages",
- "Explanation": "The model should generate an image of a pair of pince-nez spectacles",
- "Category": "time",
- "Subcategory": "Longitudinal time",
- "prompt_id": 533,
- "Hint": "Pince-nez spectacles."
- },
- {
- "Prompt": "A pumpkin patch during autumn.",
- "Explanation": "The image should show a field with various pumpkins, ranging in size and color, scattered on the ground, with fall foliage.",
- "Category": "time",
- "Subcategory": "Longitudinal time",
- "prompt_id": 534,
- "Hint": "A field with various pumpkins of different sizes and colors scattered on the ground, surrounded by vibrant fall foliage."
- },
- {
- "Prompt": "A maple tree in winter.",
- "Explanation": "The image should show a maple tree with bare branches, as maple trees typically lose their leaves in winter.",
- "Category": "time",
- "Subcategory": "Longitudinal time",
- "prompt_id": 535,
- "Hint": "A maple tree with bare branches in winter."
- },
- {
- "Prompt": "A type of headwear worn during the American Revolutionary War",
- "Explanation": "The model should generate an image of a tricorn hat",
- "Category": "time",
- "Subcategory": "Longitudinal time",
- "prompt_id": 536,
- "Hint": "Tricorn hat."
- },
- {
- "Prompt": "The type of footwear worn by astronauts during the first moonwalk",
- "Explanation": "The model should generate an image of bulky lunar boots",
- "Category": "time",
- "Subcategory": "Longitudinal time",
- "prompt_id": 537,
- "Hint": "Bulky lunar boots."
- },
- {
- "Prompt": "A sunflower field during winter.",
- "Explanation": "The image should show a field of dried, brown sunflower stalks, possibly covered in snow, with no flower heads.",
- "Category": "time",
- "Subcategory": "Longitudinal time",
- "prompt_id": 538,
- "Hint": "A field of dried, brown sunflower stalks, possibly covered in snow, with no flower heads."
- },
- {
- "Prompt": "A field of dandelions in autumn",
- "Explanation": "The image should show a field of dandelions with mostly dried white puffballs, some without seeds.",
- "Category": "time",
- "Subcategory": "Longitudinal time",
- "prompt_id": 539,
- "Hint": "A field of dandelions with mostly dried white puffballs, some without seeds, in an autumn setting."
- },
- {
- "Prompt": "A maple tree in spring.",
- "Explanation": "The image should show a maple tree with fresh green leaves just emerging, or fully green leaves, and not the autumn colors.",
- "Category": "time",
- "Subcategory": "Longitudinal time",
- "prompt_id": 540,
- "Hint": "A maple tree with fresh green leaves just emerging or fully green leaves in spring."
- },
- {
- "Prompt": "A bamboo forest during late summer",
- "Explanation": "The image should show a bamboo forest with mature green bamboo and no new shoots.",
- "Category": "time",
- "Subcategory": "Longitudinal time",
- "prompt_id": 541,
- "Hint": "A bamboo forest with mature green bamboo and no new shoots, set in late summer."
- },
- {
- "Prompt": "The type of computer prominent in the early 1980s",
- "Explanation": "The model should generate an image of a personal computer with a floppy disk drive",
- "Category": "time",
- "Subcategory": "Longitudinal time",
- "prompt_id": 542,
- "Hint": "A personal computer with a floppy disk drive."
- },
- {
- "Prompt": "The type of clothing worn by European noblewomen in the 16th century",
- "Explanation": "The model should generate an image of a Renaissance gown with a structured bodice and a large, hoop skirt",
- "Category": "time",
- "Subcategory": "Longitudinal time",
- "prompt_id": 543,
- "Hint": "Renaissance gown with a structured bodice and a large hoop skirt."
- },
- {
- "Prompt": "The primary tool used for writing on papyrus in ancient Egypt",
- "Explanation": "The model should generate an image of a reed brush with ink",
- "Category": "time",
- "Subcategory": "Longitudinal time",
- "prompt_id": 544,
- "Hint": "Reed brush with ink."
- },
- {
- "Prompt": "The common writing tool used in schools in the early 20th century",
- "Explanation": "The model should generate an image of a wooden pencil and a slate board",
- "Category": "time",
- "Subcategory": "Longitudinal time",
- "prompt_id": 545,
- "Hint": "A wooden pencil and a slate board."
- },
- {
- "Prompt": "People at a beach during summer.",
- "Explanation": "The image should depict people wearing swimwear, shorts, t-shirts, and hats, reflecting the hot summer weather.",
- "Category": "time",
- "Subcategory": "Longitudinal time",
- "prompt_id": 546,
- "Hint": "People at a beach during summer, wearing swimwear, shorts, t-shirts, and hats, reflecting the hot summer weather."
- },
- {
- "Prompt": "The signature instrument of the rock and roll era in the 1950s",
- "Explanation": "The model should generate an image of an electric guitar",
- "Category": "time",
- "Subcategory": "Longitudinal time",
- "prompt_id": 547,
- "Hint": "Electric guitar."
- },
- {
- "Prompt": "The popular board game enjoyed by families in the early 20th century",
- "Explanation": "The model should generate an image of a game board of Monopoly",
- "Category": "time",
- "Subcategory": "Longitudinal time",
- "prompt_id": 548,
- "Hint": "Monopoly game board."
- },
- {
- "Prompt": "A maple tree during autumn.",
- "Explanation": "The image should depict a maple tree with vibrant red, orange, and yellow leaves, reflecting the typical autumn colors.",
- "Category": "time",
- "Subcategory": "Longitudinal time",
- "prompt_id": 549,
- "Hint": "A maple tree with vibrant red, orange, and yellow leaves, reflecting the typical autumn colors."
- },
- {
- "Prompt": "People walking in a snowy street during winter.",
- "Explanation": "The image should depict people wearing heavy winter coats, hats, gloves, and so on, reflecting the cold winter weather.",
- "Category": "time",
- "Subcategory": "Longitudinal time",
- "prompt_id": 550,
- "Hint": "People wearing heavy winter coats, hats, and gloves, walking in a snowy street during winter."
- },
- {
- "Prompt": "The iconic object associated with the 1969 moon landing",
- "Explanation": "The model should generate an image of the Apollo Lunar Module",
- "Category": "time",
- "Subcategory": "Longitudinal time",
- "prompt_id": 551,
- "Hint": "Apollo Lunar Module."
- },
- {
- "Prompt": "A osmanthus tree during spring",
- "Explanation": "The image should depict an osmanthus tree with lush green leaves, but no flowers",
- "Category": "time",
- "Subcategory": "Longitudinal time",
- "prompt_id": 552,
- "Hint": "An osmanthus tree with lush green leaves, but no flowers, during spring."
- },
- {
- "Prompt": "The particular style of helmet worn by medieval knights during tournaments",
- "Explanation": "The model should generate an image of a great helm, a fully enclosed helmet with a flat top and small eye slits",
- "Category": "time",
- "Subcategory": "Longitudinal time",
- "prompt_id": 553,
- "Hint": "Great helm, a fully enclosed helmet with a flat top and small eye slits."
- },
- {
- "Prompt": "The style of jewelry popular among flapper women in the 1920s",
- "Explanation": "The model should generate an image of long necklaces and bracelets, particularly with art deco designs",
- "Category": "time",
- "Subcategory": "Longitudinal time",
- "prompt_id": 554,
- "Hint": "Long necklaces and bracelets with art deco designs, styled for flapper women in the 1920s."
- },
- {
- "Prompt": "The form of communication used by soldiers in the trenches during World War I",
- "Explanation": "The model should generate an image of a trench phone or a carrier pigeon",
- "Category": "time",
- "Subcategory": "Longitudinal time",
- "prompt_id": 555,
- "Hint": "Trench phone or a carrier pigeon."
- },
- {
- "Prompt": "The instrument used by the Italian astronomer who famously observed the moons of Jupiter in the 17th century",
- "Explanation": "The model should generate an image of a refracting telescope with a long tube",
- "Category": "time",
- "Subcategory": "Longitudinal time",
- "prompt_id": 556,
- "Hint": "A refracting telescope with a long tube."
- },
- {
- "Prompt": "An apple orchard during the autumn",
- "Explanation": "The image should show apple trees with full leaves and mature red apples.",
- "Category": "time",
- "Subcategory": "Longitudinal time",
- "prompt_id": 557,
- "Hint": "Apple trees with full leaves and mature red apples in an orchard during autumn."
- },
- {
- "Prompt": "A bear during summer.",
- "Explanation": "The image should depict a bear actively walking around, fishing or eating, as they are active during summer.",
- "Category": "time",
- "Subcategory": "Longitudinal time",
- "prompt_id": 558,
- "Hint": "A bear actively walking around, fishing, or eating during summer."
- },
- {
- "Prompt": "The specific type of rifle used by soldiers in World War I",
- "Explanation": "The model should generate an image of a bolt-action rifle",
- "Category": "time",
- "Subcategory": "Longitudinal time",
- "prompt_id": 559,
- "Hint": "Bolt-action rifle."
- },
- {
- "Prompt": "The specific type of headgear worn by Egyptian pharaohs in ancient times",
- "Explanation": "The model should generate an image of the Nemes headdress, characterized by its striped cloth and specific shape",
- "Category": "time",
- "Subcategory": "Longitudinal time",
- "prompt_id": 560,
- "Hint": "Nemes headdress with striped cloth and its characteristic shape."
- },
- {
- "Prompt": "The popular land transportation tool from the year 1890",
- "Explanation": "The model should generate an image of a bicycle",
- "Category": "time",
- "Subcategory": "Longitudinal time",
- "prompt_id": 561,
- "Hint": "Bicycle."
- },
- {
- "Prompt": "A osmanthus tree during autumn",
- "Explanation": "The image should depict an osmanthus tree with small, fragrant white or yellow flowers, as osmanthus typically blooms in autumn",
- "Category": "time",
- "Subcategory": "Longitudinal time",
- "prompt_id": 562,
- "Hint": "An osmanthus tree with small, fragrant white or yellow flowers blooming during autumn."
- },
- {
- "Prompt": "A deciduous forest in the spring",
- "Explanation": "The image should depict a forest with trees displaying fresh green leaves.",
- "Category": "time",
- "Subcategory": "Longitudinal time",
- "prompt_id": 563,
- "Hint": "A forest with trees displaying fresh green leaves in the spring."
- },
- {
- "Prompt": "A pumpkin patch during spring",
- "Explanation": "The image should depict bare soil or small green sprouts, with no pumpkins.",
- "Category": "time",
- "Subcategory": "Longitudinal time",
- "prompt_id": 564,
- "Hint": "A field with bare soil or small green sprouts, with no pumpkins."
- },
- {
- "Prompt": "A pond with frogs during spring nighttime.",
- "Explanation": "The image should show frogs croaking or singing by the pond, as this is a typical frog activity during spring nighttime.",
- "Category": "time",
- "Subcategory": "Longitudinal time",
- "prompt_id": 565,
- "Hint": "Frogs croaking by a pond during spring nighttime."
- },
- {
- "Prompt": "A rainforest during the dry season.",
- "Explanation": "The image should depict a rainforest with slightly drier conditions, with less foliage and perhaps some sun peeking through.",
- "Category": "time",
- "Subcategory": "Longitudinal time",
- "prompt_id": 566,
- "Hint": "A rainforest with slightly drier conditions, reduced foliage, and sunlight peeking through."
- },
- {
- "Prompt": "The light source that replaced candles in homes during the early 20th century",
- "Explanation": "The model should generate an image of an incandescent light bulb with a filament",
- "Category": "time",
- "Subcategory": "Longitudinal time",
- "prompt_id": 567,
- "Hint": "Incandescent light bulb with a filament."
- },
- {
- "Prompt": "The currency of the country where Seoul is located",
- "Explanation": "The model should generate an image of South Korean Won banknotes",
- "Category": "Space",
- "Subcategory": "geographical location",
- "prompt_id": 568,
- "Hint": "South Korean Won banknotes."
- },
- {
- "Prompt": "National flag of the country where Berlin is located",
- "Explanation": "The model should generate an image of the national flag of Germany",
- "Category": "Space",
- "Subcategory": "geographical location",
- "prompt_id": 569,
- "Hint": "National flag of Germany."
- },
- {
- "Prompt": "National flag of the smallest country by area in the world",
- "Explanation": "The model should generate an image of the national flag of Vatican City",
- "Category": "Space",
- "Subcategory": "geographical location",
- "prompt_id": 570,
- "Hint": "National flag of Vatican City."
- },
- {
- "Prompt": "National Emblem of the country where New York is located",
- "Explanation": "The model should generate an image of the national flag of the United States",
- "Category": "Space",
- "Subcategory": "geographical location",
- "prompt_id": 571,
- "Hint": "National flag of the United States."
- },
- {
- "Prompt": "The national animal of the country where Mexico City is located",
- "Explanation": "The model should generate an image of a golden eagle",
- "Category": "Space",
- "Subcategory": "geographical location",
- "prompt_id": 572,
- "Hint": "Golden eagle."
- },
- {
- "Prompt": "National Emblem of the country where Sydney is located",
- "Explanation": "The model should generate an image of the national flag of Australia",
- "Category": "Space",
- "Subcategory": "geographical location",
- "prompt_id": 573,
- "Hint": "National flag of Australia."
- },
- {
- "Prompt": "The main material used in the construction of traditional houses in the country where Kyoto is located",
- "Explanation": "The model should generate an image of a house built with wood and paper screen walls",
- "Category": "Space",
- "Subcategory": "geographical location",
- "prompt_id": 574,
- "Hint": "A house built with wood and paper screen walls."
- },
- {
- "Prompt": "The national emblem of the country where Vancouver is located",
- "Explanation": "The model should generate an image of the national emblem of Canada",
- "Category": "Space",
- "Subcategory": "geographical location",
- "prompt_id": 575,
- "Hint": "National emblem of Canada."
- },
- {
- "Prompt": "National flag of the country where Moscow is located",
- "Explanation": "The model should generate an image of the national flag of Russia",
- "Category": "Space",
- "Subcategory": "geographical location",
- "prompt_id": 576,
- "Hint": "National flag of Russia."
- },
- {
- "Prompt": "National Emblem of the country where London is located",
- "Explanation": "The model should generate an image of the national flag of the United Kingdom",
- "Category": "Space",
- "Subcategory": "geographical location",
- "prompt_id": 577,
- "Hint": "The national flag of the United Kingdom."
- },
- {
- "Prompt": "The traditional clothing of the country with the most ethnic diversity",
- "Explanation": "The model should generate an image of a woman wearing a traditional Sari",
- "Category": "Space",
- "Subcategory": "geographical location",
- "prompt_id": 578,
- "Hint": "A woman wearing a traditional Sari."
- },
- {
- "Prompt": "A collage of animals that are only found on the continent of Australia",
- "Explanation": "The model should generate an image with animals like kangaroos, koalas, and other native Australian wildlife",
- "Category": "Space",
- "Subcategory": "geographical location",
- "prompt_id": 579,
- "Hint": "A collage of kangaroos, koalas, and other native Australian wildlife."
- },
- {
- "Prompt": "National Emblem of the country where Los Angeles is located",
- "Explanation": "The model should generate an image of the national flag of the United States",
- "Category": "Space",
- "Subcategory": "geographical location",
- "prompt_id": 580,
- "Hint": "National flag of the United States."
- },
- {
- "Prompt": "The national emblem of the country where Kuala Lumpur is located",
- "Explanation": "The model should generate an image of the national emblem of Malaysia",
- "Category": "Space",
- "Subcategory": "geographical location",
- "prompt_id": 581,
- "Hint": "The national emblem of Malaysia."
- },
- {
- "Prompt": "A typical beverage produced in the country where Bordeaux is located",
- "Explanation": "The model should generate an image of red wine",
- "Category": "Space",
- "Subcategory": "geographical location",
- "prompt_id": 582,
- "Hint": "Red wine."
- },
- {
- "Prompt": "National Emblem of the country where Mumbai is located",
- "Explanation": "The model should generate an image of the national flag of India",
- "Category": "Space",
- "Subcategory": "geographical location",
- "prompt_id": 583,
- "Hint": "The national flag of India."
- },
- {
- "Prompt": "A specific type of flower cultivated in the country where Amsterdam is located",
- "Explanation": "The model should generate an image of tulips",
- "Category": "Space",
- "Subcategory": "geographical location",
- "prompt_id": 584,
- "Hint": "Tulips."
- },
- {
- "Prompt": "National flag of the country where Barcelona is located",
- "Explanation": "The model should generate an image of the national flag of Spain",
- "Category": "Space",
- "Subcategory": "geographical location",
- "prompt_id": 585,
- "Hint": "National flag of Spain."
- },
- {
- "Prompt": "The type of landscape common in the country where Nairobi is located",
- "Explanation": "The model should generate an image of African savannah",
- "Category": "Space",
- "Subcategory": "geographical location",
- "prompt_id": 586,
- "Hint": "African savannah."
- },
- {
- "Prompt": "A traditional musical instrument from the country where Seville is located",
- "Explanation": "The model should generate an image of the flamenco guitar",
- "Category": "Space",
- "Subcategory": "geographical location",
- "prompt_id": 587,
- "Hint": "Flamenco guitar."
- },
- {
- "Prompt": "The currency of the largest country by area in the world",
- "Explanation": "The model should generate an image of the Russian Ruble",
- "Category": "Space",
- "Subcategory": "geographical location",
- "prompt_id": 588,
- "Hint": "Russian Ruble."
- },
- {
- "Prompt": "The traditional clothing associated with the country where Edinburgh is located",
- "Explanation": "The model should generate an image of the kilt",
- "Category": "Space",
- "Subcategory": "geographical location",
- "prompt_id": 589,
- "Hint": "Kilt."
- },
- {
- "Prompt": "The type of trees commonly found in forests in the country where Montreal is located",
- "Explanation": "The model should generate an image of maple trees",
- "Category": "Space",
- "Subcategory": "geographical location",
- "prompt_id": 590,
- "Hint": "Maple trees."
- },
- {
- "Prompt": "National flag of the country where Tokyo is located",
- "Explanation": "The model should generate an image of the national flag of Japan",
- "Category": "Space",
- "Subcategory": "geographical location",
- "prompt_id": 591,
- "Hint": "National flag of Japan."
- },
- {
- "Prompt": "The currency of the country where Beijing is located",
- "Explanation": "The model should generate an image of the national flag of China",
- "Category": "Space",
- "Subcategory": "geographical location",
- "prompt_id": 592,
- "Hint": "Chinese Yuan."
- },
- {
- "Prompt": "The national emblem of the country where Cairo is located",
- "Explanation": "The model should generate an image of the national emblem of Egypt",
- "Category": "Space",
- "Subcategory": "geographical location",
- "prompt_id": 593,
- "Hint": "The national emblem of Egypt."
- },
- {
- "Prompt": "A famous historical figure from the country where Bangkok is located",
- "Explanation": "The model should generate an image of King Rama IX of Thailand",
- "Category": "Space",
- "Subcategory": "geographical location",
- "prompt_id": 594,
- "Hint": "King Rama IX of Thailand."
- },
- {
- "Prompt": "The most popular sport in the country where Sao Paulo is located",
- "Explanation": "The model should generate an image of a soccer match or related elements",
- "Category": "Space",
- "Subcategory": "geographical location",
- "prompt_id": 595,
- "Hint": "Soccer match."
- },
- {
- "Prompt": "The typical architectural style of houses in the country where Amsterdam is located",
- "Explanation": "The model should generate an image of narrow canal houses with gabled roofs",
- "Category": "Space",
- "Subcategory": "geographical location",
- "prompt_id": 596,
- "Hint": "Narrow canal houses with gabled roofs."
- },
- {
- "Prompt": "The landmark of the country where Paris is located",
- "Explanation": "The model should generate an image of the Eiffel Tower",
- "Category": "Space",
- "Subcategory": "geographical location",
- "prompt_id": 597,
- "Hint": "Eiffel Tower."
- },
- {
- "Prompt": "National flag of the country where Rio de Janeiro is located",
- "Explanation": "The model should generate an image of the national flag of Brazil",
- "Category": "Space",
- "Subcategory": "geographical location",
- "prompt_id": 598,
- "Hint": "National flag of Brazil."
- },
- {
- "Prompt": "A typical dish from the country where Naples is located",
- "Explanation": "The model should generate an image of pizza",
- "Category": "Space",
- "Subcategory": "geographical location",
- "prompt_id": 599,
- "Hint": "Pizza."
- },
- {
- "Prompt": "National flag of the country where Shanghai is located",
- "Explanation": "The model should generate an image of the national flag of China",
- "Category": "Space",
- "Subcategory": "geographical location",
- "prompt_id": 600,
- "Hint": "National flag of China."
- },
- {
- "Prompt": "The typical patterns found on traditional pottery from the country where Delft is located",
- "Explanation": "The model should generate an image of blue and white floral patterns on pottery",
- "Category": "Space",
- "Subcategory": "geographical location",
- "prompt_id": 601,
- "Hint": "Blue and white floral patterns on pottery."
- },
- {
- "Prompt": "The currency used in the country where Buenos Aires is located",
- "Explanation": "The model should generate an image of Argentinian Pesos",
- "Category": "Space",
- "Subcategory": "geographical location",
- "prompt_id": 602,
- "Hint": "Argentinian Pesos."
- },
- {
- "Prompt": "Generate an image of an apple and a banana, with the red one on the left and the yellow one on the right",
- "Explanation": "The model should generate an image where the red apple is on the left and the yellow banana is on the right",
- "Category": "Space",
- "Subcategory": "Attribute inference",
- "prompt_id": 603,
- "Hint": "A red apple on the left and a yellow banana on the right."
- },
- {
- "Prompt": "Generate an image of a small fish and an eagle, with the larger animal on top and the smaller below",
- "Explanation": "The model should generate an image with an eagle above and a small fish below, with the eagle being much larger than the fish",
- "Category": "Space",
- "Subcategory": "Attribute inference",
- "prompt_id": 604,
- "Hint": "An eagle above and a small fish below, with the eagle being much larger than the fish."
- },
- {
- "Prompt": "Generate an image of an eagle and a small bird, with the larger animal on top and the smaller below",
- "Explanation": "The model should generate an image with an eagle above and a small bird below, with the eagle being much larger than the small bird",
- "Category": "Space",
- "Subcategory": "Attribute inference",
- "prompt_id": 605,
- "Hint": "An eagle above and a much smaller bird below, with the eagle being significantly larger."
- },
- {
- "Prompt": "Generate an image of a soccer ball, a baseball, and a golf ball, with the largest on top, the medium one in the middle and the smallest one at the bottom",
- "Explanation": "The model should generate an image with the soccer ball at the top, the baseball in the middle and the golf ball at the bottom",
- "Category": "Space",
- "Subcategory": "Attribute inference",
- "prompt_id": 606,
- "Hint": "A soccer ball on top, a baseball in the middle, and a golf ball at the bottom."
- },
- {
- "Prompt": "Generate an image of a basketball and a ping pong ball, with the smaller one on the right and the larger one on the left",
- "Explanation": "The model should generate an image where the smaller ping pong ball is on the right and the larger basketball is on the left",
- "Category": "Space",
- "Subcategory": "Attribute inference",
- "prompt_id": 607,
- "Hint": "A basketball on the left and a ping pong ball on the right."
- },
- {
- "Prompt": "Generate an image of a banana and a bunch of grapes, with the yellow fruit on the right side and the purple fruit on the left side",
- "Explanation": "The model should generate an image with the yellow banana on the right and the bunch of purple grapes on the left",
- "Category": "Space",
- "Subcategory": "Attribute inference",
- "prompt_id": 608,
- "Hint": "A yellow banana on the right and a bunch of purple grapes on the left."
- },
- {
- "Prompt": "Generate an image of a giraffe and a flamingo, with the taller animal slightly behind the shorter one",
- "Explanation": "The model should generate an image with the giraffe slightly behind and taller than the flamingo",
- "Category": "Space",
- "Subcategory": "Attribute inference",
- "prompt_id": 609,
- "Hint": "A giraffe slightly behind a flamingo, with the giraffe appearing taller."
- },
- {
- "Prompt": "Generate an image of an elephant and a mouse, with the smaller animal on the left and the larger one on the right",
- "Explanation": "The model should generate an image with a mouse on the left side and an elephant on the right side, with the elephant being much larger than the mouse",
- "Category": "Space",
- "Subcategory": "Attribute inference",
- "prompt_id": 610,
- "Hint": "A mouse on the left side and a much larger elephant on the right side."
- },
- {
- "Prompt": "Generate an image of a tomato and a cucumber, with the long one on the left and the round one on the right",
- "Explanation": "The model should generate an image where the long cucumber is on the left and the round tomato is on the right",
- "Category": "Space",
- "Subcategory": "Attribute inference",
- "prompt_id": 611,
- "Hint": "A cucumber on the left and a tomato on the right."
- },
- {
- "Prompt": "Generate an image of a short, thick candle and a tall, thin candle, with the short one on the left side and the tall one to the right side",
- "Explanation": "The model should generate an image where the short, thick candle is placed on the left, while the tall, thin candle is on the right",
- "Category": "Space",
- "Subcategory": "Attribute inference",
- "prompt_id": 612,
- "Hint": "A short, thick candle on the left and a tall, thin candle on the right."
- },
- {
- "Prompt": "Generate an image of a red square and a blue circle, with the circle directly to the right of the square",
- "Explanation": "The model should generate an image where the blue circle is positioned directly to the right of the red square",
- "Category": "Space",
- "Subcategory": "Attribute inference",
- "prompt_id": 613,
- "Hint": "A red square and a blue circle, with the circle directly to the right of the square."
- },
- {
- "Prompt": "Generate an image of a bicycle and a car, with the larger one on the left and the smaller one on the right",
- "Explanation": "The model should generate an image where the larger car is on the left and the smaller bicycle is on the right",
- "Category": "Space",
- "Subcategory": "Attribute inference",
- "prompt_id": 614,
- "Hint": "A car on the left and a bicycle on the right, with the car appearing larger than the bicycle."
- },
- {
- "Prompt": "Generate an image of a small wooden chair and a large metal chair, with the smaller one to the left and the larger one on the right",
- "Explanation": "The model should generate an image with the small wooden chair on the left and the larger metal chair on the right",
- "Category": "Space",
- "Subcategory": "Attribute inference",
- "prompt_id": 615,
- "Hint": "A small wooden chair on the left and a large metal chair on the right."
- },
- {
- "Prompt": "Generate an image of a tall, thin rectangle and a short, wide rectangle, with the thin one on the left and the wide one on the right",
- "Explanation": "The model should generate an image with the tall, thin rectangle on the left and the short, wide rectangle on the right",
- "Category": "Space",
- "Subcategory": "Attribute inference",
- "prompt_id": 616,
- "Hint": "A tall, thin rectangle on the left and a short, wide rectangle on the right."
- },
- {
- "Prompt": "Generate an image of a mock-up and a ping pong ball, with the square-shaped one below and the round-shaped one on top",
- "Explanation": "The model should generate an image where the mock-up is positioned below and the ping pong ball is positioned directly above it",
- "Category": "Space",
- "Subcategory": "Attribute inference",
- "prompt_id": 617,
- "Hint": "A square-shaped object below with a round ping pong ball positioned directly above it."
- },
- {
- "Prompt": "Generate an image of a small white cube and a large black cube, with the black one below the white one",
- "Explanation": "The model should generate an image with the large black cube below the small white cube",
- "Category": "Space",
- "Subcategory": "Attribute inference",
- "prompt_id": 618,
- "Hint": "A large black cube below a small white cube."
- },
- {
- "Prompt": "Generate an image of a bear and a rabbit, with the larger animal on the left and the smaller one on the right",
- "Explanation": "The model should generate an image with a bear on the left side and a rabbit on the right side, with the bear being much larger than the rabbit",
- "Category": "Space",
- "Subcategory": "Attribute inference",
- "prompt_id": 619,
- "Hint": "A bear on the left side and a smaller rabbit on the right side."
- },
- {
- "Prompt": "Generate an image of a small green triangle and a larger yellow triangle, with the smaller one above the larger one",
- "Explanation": "The model should generate an image with the small green triangle above the larger yellow triangle",
- "Category": "Space",
- "Subcategory": "Attribute inference",
- "prompt_id": 620,
- "Hint": "A small green triangle above a larger yellow triangle."
- },
- {
- "Prompt": "Generate an image of a bird and a dog, with the smaller animal on top and the larger below",
- "Explanation": "The model should generate an image with the small bird above and the larger dog below, making sure the size difference is clear",
- "Category": "Space",
- "Subcategory": "Attribute inference",
- "prompt_id": 621,
- "Hint": "A small bird perched on top of a larger dog, with the size difference clearly visible."
- },
- {
- "Prompt": "Generate an image with three circles of different colors (red, yellow, blue) with the red one on the left, the blue one at the back and the yellow one in between",
- "Explanation": "The model should generate an image with the red circle on the left, the blue circle at the back and the yellow circle in between red and blue circles",
- "Category": "Space",
- "Subcategory": "Attribute inference",
- "prompt_id": 622,
- "Hint": "Three circles of different colors: a red circle on the left, a blue circle at the back, and a yellow circle in between."
- },
- {
- "Prompt": "Generate an image of three balls of different sizes, with the smallest in front, the middle-sized in the middle, and the largest at the back",
- "Explanation": "The model should generate an image with the smallest ball in the foreground, the middle-sized ball in the middle ground, and the largest ball in the background",
- "Category": "Space",
- "Subcategory": "Attribute inference",
- "prompt_id": 623,
- "Hint": "Three balls of different sizes, with the smallest in the foreground, the middle-sized in the middle ground, and the largest in the background."
- },
- {
- "Prompt": "Generate an image of a crescent moon above a full moon, making the crescent appear relatively smaller",
- "Explanation": "The model should generate an image where the crescent moon is above the full moon, and the crescent moon should appear noticeably smaller",
- "Category": "Space",
- "Subcategory": "Attribute inference",
- "prompt_id": 624,
- "Hint": "A crescent moon above a full moon, with the crescent appearing noticeably smaller."
- },
- {
- "Prompt": "Generate an image of a tall building and a small house, with the taller structure partially obscuring the smaller one",
- "Explanation": "The model should generate an image where the tall building is partially obscuring the small house",
- "Category": "Space",
- "Subcategory": "Attribute inference",
- "prompt_id": 625,
- "Hint": "A tall building partially obscuring a small house."
- },
- {
- "Prompt": "A paintbrush very close in the foreground, and a detailed painting that is on a distant wall",
- "Explanation": "The model should generate an image with the paintbrush much larger than the painting far away, showing perspective",
- "Category": "Space",
- "Subcategory": "perspective scaling",
- "prompt_id": 626,
- "Hint": "A paintbrush large in the foreground with a detailed painting on a distant wall, emphasizing perspective."
- },
- {
- "Prompt": "A hand reaching towards the viewer in the near foreground, and a dense forest very far off in the background",
- "Explanation": "The model should generate an image where the hand is much larger than the forest due to its closeness, clearly demonstrating perspective",
- "Category": "Space",
- "Subcategory": "perspective scaling",
- "prompt_id": 627,
- "Hint": "A large hand reaching towards the viewer in the foreground with a dense forest in the distant background, emphasizing perspective."
- },
- {
- "Prompt": "A detailed painting hanging on a wall nearby, with a landscape view that is very far away through a distant window",
- "Explanation": "The model should generate an image where the painting is much larger than the distant landscape view, demonstrating perspective",
- "Category": "Space",
- "Subcategory": "perspective scaling",
- "prompt_id": 628,
- "Hint": "A detailed painting hanging on a wall in the foreground, with a small, distant landscape visible through a faraway window, showing perspective."
- },
- {
- "Prompt": "An astronaut taking up most of the immediate foreground and a tiny Earth way in the distance",
- "Explanation": "The model should generate an image where the astronaut is much larger than the Earth due to its relative closeness, emphasizing perspective",
- "Category": "Space",
- "Subcategory": "perspective scaling",
- "prompt_id": 629,
- "Hint": "An astronaut dominating the foreground with a tiny Earth visible far in the distance, showcasing dramatic perspective."
- },
- {
- "Prompt": "A single musical note floating very near the viewer, and a very distant orchestra playing in a concert hall",
- "Explanation": "The model should generate an image with the single musical note appearing much larger than the tiny orchestra in the distance",
- "Category": "Space",
- "Subcategory": "perspective scaling",
- "prompt_id": 630,
- "Hint": "A single large musical note floating near the viewer with a tiny orchestra playing in the distance inside a concert hall."
- },
- {
- "Prompt": "A gigantic bubble in the immediate foreground with a small town barely visible inside",
- "Explanation": "The model should generate an image where the bubble is huge compared to the town inside, demonstrating perspective",
- "Category": "Space",
- "Subcategory": "perspective scaling",
- "prompt_id": 631,
- "Hint": "A gigantic bubble in the foreground with a small town visible inside, emphasizing the size difference."
- },
- {
- "Prompt": "A sailboat sailing near the coast, and large cargo ships that seem to be very far away on the sea",
- "Explanation": "The model should generate an image where the nearby sailboat appears far larger than the very distant cargo ships",
- "Category": "Space",
- "Subcategory": "perspective scaling",
- "prompt_id": 632,
- "Hint": "A sailboat near the coast appearing larger than distant cargo ships on the sea."
- },
- {
- "Prompt": "A single vibrant flower taking up much of the foreground and a huge field of wildflowers shrinking into the distance",
- "Explanation": "The model should generate an image with a clear perspective, the single flower appearing much larger than the many flowers in the background",
- "Category": "Space",
- "Subcategory": "perspective scaling",
- "prompt_id": 633,
- "Hint": "A single vibrant flower in the foreground with a field of wildflowers receding into the distance, creating a sense of perspective."
- },
- {
- "Prompt": "A zoomed-in view of a water droplet filling the foreground with a tiny mountain range reflection within",
- "Explanation": "The model should generate an image where the droplet is much larger than the tiny mountain reflection inside it",
- "Category": "Space",
- "Subcategory": "perspective scaling",
- "prompt_id": 634,
- "Hint": "A zoomed-in water droplet filling the foreground with a tiny mountain range reflection inside."
- },
- {
- "Prompt": "A person's eye in clear focus very close to the viewer, and a very small mountain range reflected in the pupil",
- "Explanation": "The model should generate an image with the eye much larger than the distant mountain reflection, clearly showing perspective",
- "Category": "Space",
- "Subcategory": "perspective scaling",
- "prompt_id": 635,
- "Hint": "A person's eye in clear focus very close to the viewer, with a very small mountain range reflected in the pupil, emphasizing perspective."
- },
- {
- "Prompt": "A hand very close to the viewer reaching outward, and a tiny ship that is almost invisible on the horizon",
- "Explanation": "The model should generate an image with the hand looking much larger than the very distant ship, demonstrating perspective",
- "Category": "Space",
- "Subcategory": "perspective scaling",
- "prompt_id": 636,
- "Hint": "A large hand close to the viewer reaching outward, with a tiny ship barely visible on the distant horizon, emphasizing perspective."
- },
- {
- "Prompt": "A beach umbrella dominating the foreground, and a full beach with people appearing tiny way back in the background",
- "Explanation": "The model should generate an image with the umbrella much larger than the beach and people in the very far background",
- "Category": "Space",
- "Subcategory": "perspective scaling",
- "prompt_id": 637,
- "Hint": "A large beach umbrella dominating the foreground with a distant beach scene and tiny people in the far background."
- },
- {
- "Prompt": "A detailed raindrop on the windowpane right in front of you, and a city that is very blurred in the distance through the glass",
- "Explanation": "The model should generate an image with the raindrop looking much larger than the distant blurred city, demonstrating perspective",
- "Category": "Space",
- "Subcategory": "perspective scaling",
- "prompt_id": 638,
- "Hint": "A large, detailed raindrop on a windowpane in the foreground with a blurred cityscape in the distant background, demonstrating perspective."
- },
- {
- "Prompt": "A hand holding a small coin in the immediate foreground, and a distant cityscape that seems very far away on the horizon",
- "Explanation": "The model should generate an image with the hand and coin far bigger than the distant cityscape, illustrating perspective",
- "Category": "Space",
- "Subcategory": "perspective scaling",
- "prompt_id": 639,
- "Hint": "A hand holding a small coin in the immediate foreground, with a distant cityscape appearing tiny on the horizon, emphasizing exaggerated perspective."
- },
- {
- "Prompt": "A massive boulder right in front of you, and a mountain range seemingly very far away in the background",
- "Explanation": "The model should generate an image where the boulder is significantly larger than the distant mountain range, illustrating perspective",
- "Category": "Space",
- "Subcategory": "perspective scaling",
- "prompt_id": 640,
- "Hint": "A massive boulder in the foreground with a distant mountain range in the background, emphasizing the size difference and perspective."
- },
- {
- "Prompt": "A close-up of an astronaut's helmet taking up most of the foreground and a tiny Earth in the far reaches of space",
- "Explanation": "The model should generate an image with the helmet significantly larger than Earth due to its proximity, illustrating perspective",
- "Category": "Space",
- "Subcategory": "perspective scaling",
- "prompt_id": 641,
- "Hint": "A close-up of an astronaut's helmet prominently in the foreground with a tiny Earth in the distant background, illustrating perspective."
- },
- {
- "Prompt": "A dog prominently in the foreground, and a human figure very far away in the background",
- "Explanation": "The model should generate an image with the dog appearing much larger than the distant human figure, clearly showing perspective",
- "Category": "Space",
- "Subcategory": "perspective scaling",
- "prompt_id": 642,
- "Hint": "A dog appearing much larger in the foreground with a distant human figure in the background, clearly showing perspective."
- },
- {
- "Prompt": "A close-up of a single feather right in front of you, and a flock of birds that looks really tiny soaring high overhead",
- "Explanation": "The model should generate an image where the feather is much larger than the very far away flock, illustrating perspective",
- "Category": "Space",
- "Subcategory": "perspective scaling",
- "prompt_id": 643,
- "Hint": "A close-up of a single feather in the foreground with a tiny flock of birds soaring high overhead in the distance, illustrating perspective."
- },
- {
- "Prompt": "A book resting close by on a table, and a library that shrinks in size way back in the background",
- "Explanation": "The model should generate an image with the book appearing much larger than the library, emphasizing perspective",
- "Category": "Space",
- "Subcategory": "perspective scaling",
- "prompt_id": 644,
- "Hint": "A large book resting on a table in the foreground with a small, distant library in the background, emphasizing perspective."
- },
- {
- "Prompt": "A single red apple resting on a picnic blanket in the foreground and a huge orchard shrinking away in the distance",
- "Explanation": "The model should generate an image where the apple is far bigger than the distant orchard, demonstrating perspective",
- "Category": "Space",
- "Subcategory": "perspective scaling",
- "prompt_id": 645,
- "Hint": "A single red apple resting on a picnic blanket in the foreground, with a vast orchard shrinking away in the distance, demonstrating perspective."
- },
- {
- "Prompt": "A close-up of a single flower right in front of you, and a whole garden that is shrinking into the distance",
- "Explanation": "The model should generate an image with the flower very large compared to the tiny garden far away, clearly demonstrating perspective",
- "Category": "Space",
- "Subcategory": "perspective scaling",
- "prompt_id": 646,
- "Hint": "A close-up of a single large flower in the foreground with a tiny garden shrinking into the distance, showcasing strong perspective."
- },
- {
- "Prompt": "A toy car very close to the viewer and real cars driving on a highway far away in the background",
- "Explanation": "The model should generate an image with the toy car appearing significantly larger than the cars on the highway far in the background, demonstrating perspective",
- "Category": "Space",
- "Subcategory": "perspective scaling",
- "prompt_id": 647,
- "Hint": "A toy car appearing significantly larger in the foreground with real cars driving on a highway far away in the background, demonstrating perspective."
- },
- {
- "Prompt": "A detailed bicycle parked nearby, and cars driving on a road appearing very small in the distance",
- "Explanation": "The model should generate an image with the bicycle much larger than the distant cars, demonstrating perspective",
- "Category": "Space",
- "Subcategory": "perspective scaling",
- "prompt_id": 648,
- "Hint": "A detailed bicycle parked in the foreground, with small cars driving on a distant road, demonstrating perspective."
- },
- {
- "Prompt": "A cat sleeping on a window sill, and a busy street that is really far away below",
- "Explanation": "The model should generate an image with the cat looking substantially larger than the distant street, demonstrating perspective",
- "Category": "Space",
- "Subcategory": "perspective scaling",
- "prompt_id": 649,
- "Hint": "A cat sleeping on a window sill with a busy street visible far below, emphasizing perspective with the cat appearing much larger than the distant street."
- },
- {
- "Prompt": "A boat right near the shore, and numerous fishing boats that are very distant and small on the horizon",
- "Explanation": "The model should generate an image with the close-up boat appearing far larger than the distant fishing boats, demonstrating perspective",
- "Category": "Space",
- "Subcategory": "perspective scaling",
- "prompt_id": 650,
- "Hint": "A close-up boat near the shore, appearing far larger than numerous small fishing boats on the distant horizon, demonstrating perspective."
- },
- {
- "Prompt": "A towering tree dominating the foreground, and houses that look very small at the foot of a distant hill",
- "Explanation": "The model should generate an image where the tree looks gigantic compared to the small houses far away, emphasizing perspective",
- "Category": "Space",
- "Subcategory": "perspective scaling",
- "prompt_id": 651,
- "Hint": "A gigantic tree dominating the foreground, with small houses at the foot of a distant hill, emphasizing perspective."
- },
- {
- "Prompt": "A small sapling in the very near foreground, and a vast city skyline way off in the distance",
- "Explanation": "The model should generate an image with a clear sense of perspective, showing the sapling as much larger than the city skyline in the distance",
- "Category": "Space",
- "Subcategory": "perspective scaling",
- "prompt_id": 652,
- "Hint": "A small sapling in the foreground appearing larger than a vast city skyline in the distant background, with a clear sense of perspective."
- },
- {
- "Prompt": "A zoomed-in view of an insect on a leaf in the immediate foreground, and a forest canopy that appears very small in the distance",
- "Explanation": "The model should generate an image with the insect much larger than the distant forest canopy, emphasizing perspective",
- "Category": "Space",
- "Subcategory": "perspective scaling",
- "prompt_id": 653,
- "Hint": "A zoomed-in view of an insect on a leaf in the immediate foreground, with a tiny, distant forest canopy in the background emphasizing perspective."
- },
- {
- "Prompt": "A bird in the immediate foreground and a flock of birds very distant and tiny in the sky",
- "Explanation": "The model should generate an image where the bird is significantly larger than the distant flock, showcasing perspective",
- "Category": "Space",
- "Subcategory": "perspective scaling",
- "prompt_id": 654,
- "Hint": "A large bird in the immediate foreground with a distant flock of tiny birds in the sky, showcasing perspective."
- },
- {
- "Prompt": "A single massive footprint in the sand near you, with the beach stretching very far out into the distance",
- "Explanation": "The model should generate an image where the footprint looks enormous compared to the beach far away, highlighting perspective",
- "Category": "Space",
- "Subcategory": "perspective scaling",
- "prompt_id": 655,
- "Hint": "A single massive footprint in the sand, appearing enormous compared to the distant, stretching beach."
- },
- {
- "Prompt": "An eye filling the foreground with a very small city skyline visible within the reflection of the eye",
- "Explanation": "The model should generate an image with the eye appearing drastically larger than the distant city skyline reflection, demonstrating perspective",
- "Category": "Space",
- "Subcategory": "perspective scaling",
- "prompt_id": 656,
- "Hint": "A close-up of a large eye with a very small city skyline visible within its reflection, emphasizing perspective."
- },
- {
- "Prompt": "A person holding a fishing rod taking up most of the foreground and a fishing boat that seems very far away in the ocean",
- "Explanation": "The model should generate an image with the person and fishing rod appearing much larger than the distant fishing boat",
- "Category": "Space",
- "Subcategory": "perspective scaling",
- "prompt_id": 657,
- "Hint": "A person holding a fishing rod appearing large in the foreground with a small, distant fishing boat in the ocean."
- },
- {
- "Prompt": "A daisy right in front of you and a field of wildflowers that are very distant and appear small",
- "Explanation": "The model should generate an image with the close-up daisy appearing much larger than the distant wildflowers, illustrating perspective",
- "Category": "Space",
- "Subcategory": "perspective scaling",
- "prompt_id": 658,
- "Hint": "A close-up daisy appearing much larger than distant, small wildflowers in a field, illustrating perspective."
- },
- {
- "Prompt": "A person with a telescope in the foreground, and stars that are very far off in distant space",
- "Explanation": "The model should generate an image with the telescope user much larger than the very distant stars, highlighting perspective",
- "Category": "Space",
- "Subcategory": "perspective scaling",
- "prompt_id": 659,
- "Hint": "A person using a telescope in the foreground, with tiny, distant stars in the far-off background emphasizing perspective."
- },
- {
- "Prompt": "A top-down view of a maze, highlighting its intricate paths",
- "Explanation": "The model should generate an image from directly above, showing the entire maze and the complexity of its paths, demonstrating a top-down view",
- "Category": "Space",
- "Subcategory": "different view",
- "prompt_id": 660,
- "Hint": "A top-down view of an intricate maze showing its complex paths."
- },
- {
- "Prompt": "A worm's-eye view of a towering skyscraper in a city",
- "Explanation": "The model should generate an image looking upwards from ground level, showing the skyscraper appearing tall and imposing, demonstrating a worm's-eye perspective",
- "Category": "Space",
- "Subcategory": "different view",
- "prompt_id": 661,
- "Hint": "A worm's-eye view looking upwards from ground level at a towering, tall, and imposing skyscraper in a city."
- },
- {
- "Prompt": "A fisheye view of a crowded street corner, showing the distortion of the scene",
- "Explanation": "The model should generate an image with a wide angle lens perspective that curves and distorts straight lines, demonstrating a fisheye view",
- "Category": "Space",
- "Subcategory": "different view",
- "prompt_id": 662,
- "Hint": "A crowded street corner viewed through a fisheye lens, with curved and distorted straight lines."
- },
- {
- "Prompt": "A panoramic view of a city skyline, from one end to the other",
- "Explanation": "The model should generate an image showing a wide, extended view of the entire skyline, demonstrating a panoramic view",
- "Category": "Space",
- "Subcategory": "different view",
- "prompt_id": 663,
- "Hint": "A wide, extended view of an entire city skyline, demonstrating a panoramic perspective."
- },
- {
- "Prompt": "A cut-away view of a car engine, revealing its complex internal structure",
- "Explanation": "The model should generate an image that shows the engine\u2019s internal parts and how they connect, as if a section of the car has been removed, demonstrating a cut-away view",
- "Category": "Space",
- "Subcategory": "different view",
- "prompt_id": 664,
- "Hint": "A cut-away view of a car engine showing its internal parts and how they connect, with a section of the car removed to reveal the structure."
- },
- {
- "Prompt": "A profile view of a mountain range, showing its peaks and valleys",
- "Explanation": "The model should generate an image showing the mountain range from its side, highlighting its shape and elevation changes, demonstrating a profile view",
- "Category": "Space",
- "Subcategory": "different view",
- "prompt_id": 665,
- "Hint": "A side view of a mountain range, highlighting its peaks and valleys."
- },
- {
- "Prompt": "A side view of a speeding train on a railway track",
- "Explanation": "The model should generate an image of the train from its side, clearly showing its length and motion, demonstrating a side view",
- "Category": "Space",
- "Subcategory": "different view",
- "prompt_id": 666,
- "Hint": "A speeding train shown from the side, clearly displaying its length and motion on a railway track."
- },
- {
- "Prompt": "A view of a dense forest from within the canopy, looking up",
- "Explanation": "The model should generate an image looking upwards, from within the forest canopy, showcasing the trees above and the sky, demonstrating a from-within view",
- "Category": "Space",
- "Subcategory": "different view",
- "prompt_id": 667,
- "Hint": "A view looking upwards from within a dense forest canopy, showcasing trees and the sky above."
- },
- {
- "Prompt": "A close up and a far away view of the same set of mountains, displayed side by side",
- "Explanation": "The model should generate an image showing two views of the same mountain range, one from a close-up perspective and the other from far away, demonstrating side by side views",
- "Category": "Space",
- "Subcategory": "different view",
- "prompt_id": 668,
- "Hint": "Two views of the same mountain range, one close-up and one far away, displayed side by side."
- },
- {
- "Prompt": "A ghost view of a city at night, showing the buildings through transparent layers",
- "Explanation": "The model should generate an image with a see-through representation of a city at night, displaying buildings as translucent structures, demonstrating a ghost view",
- "Category": "Space",
- "Subcategory": "different view",
- "prompt_id": 669,
- "Hint": "A see-through representation of a city at night, displaying buildings as translucent structures in a ghostly view."
- },
- {
- "Prompt": "An isometric view of a house floor plan, showing rooms and furniture",
- "Explanation": "The model should generate an image presenting the floor plan at an angle, displaying all rooms and furniture in 3D form, demonstrating an isometric view",
- "Category": "Space",
- "Subcategory": "different view",
- "prompt_id": 670,
- "Hint": "Isometric view of a house floor plan with rooms and furniture in 3D form."
- },
- {
- "Prompt": "A cross-section of a volcano, showing the magma chamber inside",
- "Explanation": "The model should generate an image displaying an internal view of the volcano as if it were sliced in half, revealing the magma chamber, demonstrating a cross-section view",
- "Category": "Space",
- "Subcategory": "different view",
- "prompt_id": 671,
- "Hint": "A cross-section view of a volcano sliced in half, revealing the magma chamber inside."
- },
- {
- "Prompt": "A bird's-eye view of a winding river through a forest",
- "Explanation": "The model should generate an image from directly above, showing the river as a snaking line through the trees, demonstrating a bird's-eye perspective",
- "Category": "Space",
- "Subcategory": "different view",
- "prompt_id": 672,
- "Hint": "A bird's-eye view showing a winding river snaking through a dense forest."
- },
- {
- "Prompt": "An exploded view of a clock mechanism, with all its components floating in space",
- "Explanation": "The model should generate an image displaying the clock's parts separated and arranged to show their relationship and order as if it were a technical diagram, demonstrating an exploded view",
- "Category": "Space",
- "Subcategory": "different view",
- "prompt_id": 673,
- "Hint": "An exploded view of a clock mechanism with its parts separated and arranged to show their relationship and order, resembling a technical diagram."
- },
- {
- "Prompt": "An x-ray view of a human hand, showing the bones and joints inside",
- "Explanation": "The model should generate an image displaying the internal structure of a hand, with bones clearly visible as if using X-ray technology, demonstrating an x-ray view",
- "Category": "Space",
- "Subcategory": "different view",
- "prompt_id": 674,
- "Hint": "An x-ray image of a human hand, clearly showing the bones and joints inside."
- },
- {
- "Prompt": "A head-on view of a car approaching, with its headlights shining",
- "Explanation": "The model should generate an image of the car directly facing the viewer, showing the front of the vehicle with the headlights, demonstrating a head-on view",
- "Category": "Space",
- "Subcategory": "different view",
- "prompt_id": 675,
- "Hint": "A car directly facing the viewer with its headlights shining, showing a head-on view."
- },
- {
- "Prompt": "An aerial view of a coastline, with waves crashing on the beach",
- "Explanation": "The model should generate an image from a high vantage point, showcasing the coastline and the waves, demonstrating an aerial perspective",
- "Category": "Space",
- "Subcategory": "different view",
- "prompt_id": 676,
- "Hint": "A high vantage point view of a coastline, with waves crashing on the beach, demonstrating an aerial perspective."
- },
- {
- "Prompt": "A reversed view of a mirror, showing what's behind the viewer's back",
- "Explanation": "The model should generate an image showing the scene as if looking at a mirror reflection, displaying the space behind the viewer, demonstrating a reversed view",
- "Category": "Space",
- "Subcategory": "different view",
- "prompt_id": 677,
- "Hint": "A scene showing the space behind the viewer, as if reflected in a mirror."
- },
- {
- "Prompt": "A cinematic view of a person walking along a train track at dusk",
- "Explanation": "The model should generate an image that presents the scene with a dramatic and stylistic approach, like a movie, showcasing a dynamic perspective",
- "Category": "Space",
- "Subcategory": "different view",
- "prompt_id": 678,
- "Hint": "A cinematic scene of a person walking along a train track at dusk with a dramatic and dynamic perspective."
- },
- {
- "Prompt": "A cutaway view of a human heart, showing its internal structure",
- "Explanation": "The model should generate an image that displays an internal view of the heart as if a section has been removed, revealing the internal chambers and valves, demonstrating a cutaway view",
- "Category": "Space",
- "Subcategory": "different view",
- "prompt_id": 679,
- "Hint": "A cutaway view of a human heart, revealing the internal chambers and valves."
- },
- {
- "Prompt": "A window with frost patterns, where parts of the view outside are blurred",
- "Explanation": "The model should generate an image where frost patterns partially obscure the view outside a window, demonstrating occlusion",
- "Category": "Space",
- "Subcategory": "Occlusion",
- "prompt_id": 680,
- "Hint": "A window with frost patterns partially obscuring the view outside."
- },
- {
- "Prompt": "A bicycle parked in front of a shop window, where some details in the window cannot be seen",
- "Explanation": "The model should generate an image with a bicycle partially blocking the view of the contents of a shop window, demonstrating occlusion",
- "Category": "Space",
- "Subcategory": "Occlusion",
- "prompt_id": 681,
- "Hint": "A bicycle partially blocking the view of the contents of a shop window, demonstrating occlusion."
- },
- {
- "Prompt": "A tree trunk, with some of its bark obscured by patches of moss",
- "Explanation": "The model should generate an image where moss hides parts of a tree trunk, demonstrating occlusion",
- "Category": "Space",
- "Subcategory": "Occlusion",
- "prompt_id": 682,
- "Hint": "A tree trunk with patches of moss partially covering its bark."
- },
- {
- "Prompt": "A forest viewed through thick foliage, making the trees in the back seem faded",
- "Explanation": "The model should generate an image of a forest with foliage in the foreground partially obscuring the trees in the background, demonstrating occlusion",
- "Category": "Space",
- "Subcategory": "Occlusion",
- "prompt_id": 683,
- "Hint": "A forest with dense foliage in the foreground partially obscuring and fading the trees in the background."
- },
- {
- "Prompt": "A fire, with parts of the flames disappearing into a thick cloud of smoke",
- "Explanation": "The model should generate an image where thick smoke hides portions of the fire, demonstrating occlusion",
- "Category": "Space",
- "Subcategory": "Occlusion",
- "prompt_id": 684,
- "Hint": "A fire with thick smoke obscuring parts of the flames."
- },
- {
- "Prompt": "A very distant landscape, with the scene slightly distorted by a shimmering heat effect",
- "Explanation": "The model should generate an image where a distant landscape is partially hidden by a heat effect, demonstrating subtle occlusion",
- "Category": "Space",
- "Subcategory": "Occlusion",
- "prompt_id": 685,
- "Hint": "A distant landscape partially hidden by a shimmering heat distortion effect, demonstrating subtle occlusion."
- },
- {
- "Prompt": "A hand reaching into the frame, making parts of a landscape fade from view",
- "Explanation": "The model should generate an image with a hand hiding some elements of a landscape, demonstrating occlusion",
- "Category": "Space",
- "Subcategory": "Occlusion",
- "prompt_id": 686,
- "Hint": "A hand reaching into the frame, making parts of a landscape disappear."
- },
- {
- "Prompt": "A rock on the forest floor, almost buried under a pile of fallen leaves",
- "Explanation": "The model should generate an image with a rock that is partially hidden by a pile of leaves, demonstrating occlusion",
- "Category": "Space",
- "Subcategory": "Occlusion",
- "prompt_id": 687,
- "Hint": "A rock partially hidden by a pile of fallen leaves on the forest floor."
- },
- {
- "Prompt": "A book left open on a table, with some pages hidden by the book itself",
- "Explanation": "The model should generate an image where a part of the open book is concealed by the book itself, demonstrating self-occlusion",
- "Category": "Space",
- "Subcategory": "Occlusion",
- "prompt_id": 688,
- "Hint": "An open book on a table with some pages partially hidden by the book itself."
- },
- {
- "Prompt": "A shelf with various items, where some objects are hidden behind others",
- "Explanation": "The model should generate an image where some objects on a shelf are hidden behind other objects, demonstrating occlusion",
- "Category": "Space",
- "Subcategory": "Occlusion",
- "prompt_id": 689,
- "Hint": "A shelf with various objects, some partially hidden behind others to demonstrate occlusion."
- },
- {
- "Prompt": "A statue, with parts of it hidden by scaffolding around it",
- "Explanation": "The model should generate an image with scaffolding partially covering a statue, demonstrating occlusion",
- "Category": "Space",
- "Subcategory": "Occlusion",
- "prompt_id": 690,
- "Hint": "A statue partially covered by scaffolding."
- },
- {
- "Prompt": "A bird perched on a tree branch, with its wings partially hidden by a leafy branch",
- "Explanation": "The model should generate an image of a bird that is partly hidden behind a leafy branch, demonstrating occlusion",
- "Category": "Space",
- "Subcategory": "Occlusion",
- "prompt_id": 691,
- "Hint": "A bird partly hidden behind a leafy branch on a tree."
- },
- {
- "Prompt": "A face partially visible behind a sheer veil, with only some features clearly shown",
- "Explanation": "The model should generate an image with a face that is partially hidden by a sheer veil, demonstrating occlusion",
- "Category": "Space",
- "Subcategory": "Occlusion",
- "prompt_id": 692,
- "Hint": "A face partially hidden by a sheer veil, with only some features clearly visible."
- },
- {
- "Prompt": "Sunlight streaming through a window, with a curtain slightly obscuring part of the glass",
- "Explanation": "The model should generate an image of a window where a curtain hides a small portion of the glass, demonstrating partial occlusion",
- "Category": "Space",
- "Subcategory": "Occlusion",
- "prompt_id": 693,
- "Hint": "Sunlight streaming through a window with a curtain partially covering the glass."
- },
- {
- "Prompt": "The moon appearing behind thin clouds, its glow somewhat dulled",
- "Explanation": "The model should generate an image where the moon is partly covered by thin clouds, demonstrating occlusion",
- "Category": "Space",
- "Subcategory": "Occlusion",
- "prompt_id": 694,
- "Hint": "The moon partly covered by thin clouds, its glow dulled."
- },
- {
- "Prompt": "A distant building seen through a haze of mist, making parts of it disappear",
- "Explanation": "The model should generate an image where a distant building is partially obscured by mist, demonstrating occlusion",
- "Category": "Space",
- "Subcategory": "Occlusion",
- "prompt_id": 695,
- "Hint": "A distant building partially obscured by mist, with parts of it fading into the haze."
- },
- {
- "Prompt": "A dense crowd of people, with only some faces visible in the gaps between them",
- "Explanation": "The model should generate an image of a dense crowd with only some faces clearly visible, demonstrating occlusion",
- "Category": "Space",
- "Subcategory": "Occlusion",
- "prompt_id": 696,
- "Hint": "A dense crowd with only some faces clearly visible in the gaps between people."
- },
- {
- "Prompt": "A set of stairs, with steps partially disappearing into the shadows at the bottom",
- "Explanation": "The model should generate an image with some steps partially obscured by a shadow, demonstrating occlusion",
- "Category": "Space",
- "Subcategory": "Occlusion",
- "prompt_id": 697,
- "Hint": "A set of stairs with some steps partially obscured by shadow, demonstrating occlusion."
- },
- {
- "Prompt": "A lone flower on the ground, with its petals partly hidden by a cast shadow",
- "Explanation": "The model should generate an image where the flower is partly hidden by a shadow, demonstrating partial occlusion",
- "Category": "Space",
- "Subcategory": "Occlusion",
- "prompt_id": 698,
- "Hint": "A lone flower on the ground, partly hidden by a cast shadow, demonstrating partial occlusion."
- },
- {
- "Prompt": "The ground after a light snowfall, with some patches of grass still peeking through",
- "Explanation": "The model should generate an image where snow is covering parts of the ground, but some grass is still visible, demonstrating partial occlusion",
- "Category": "Space",
- "Subcategory": "Occlusion",
- "prompt_id": 699,
- "Hint": "The ground with light snowfall, showing patches of grass peeking through."
- },
- {
- "Prompt": "A partially eaten sandwich, with parts of its filling hidden from view",
- "Explanation": "The model should generate an image where part of the sandwich filling is hidden by the bread, demonstrating self-occlusion",
- "Category": "Space",
- "Subcategory": "Occlusion",
- "prompt_id": 700,
- "Hint": "A partially eaten sandwich with part of the filling hidden by the bread."
- }
-]
\ No newline at end of file
diff --git a/eval/gen/wise/gpt_eval_mp.py b/eval/gen/wise/gpt_eval_mp.py
deleted file mode 100644
index cadcf2ffc3103b7d3230bfaaf30395028af50170..0000000000000000000000000000000000000000
--- a/eval/gen/wise/gpt_eval_mp.py
+++ /dev/null
@@ -1,268 +0,0 @@
-# Copyright 2025 Bytedance Ltd. and/or its affiliates.
-# SPDX-License-Identifier: Apache-2.0
-
-import json
-import os
-import base64
-import re
-import argparse
-import openai
-from pathlib import Path
-from typing import Dict, Any, List
-import concurrent.futures
-
-openai.api_key = os.getenv('OPENAI_API_KEY')
-print(openai.api_key)
-
-
-def parse_arguments():
- parser = argparse.ArgumentParser(description='Image Quality Assessment Tool')
-
- parser.add_argument('--json_path', required=True,
- help='Path to the prompts JSON file')
- parser.add_argument('--image_dir', required=True,
- help='Path to the image directory')
- parser.add_argument('--output_dir', required=True,
- help='Path to the output directory')
-
- return parser.parse_args()
-
-
-def get_config(args):
- filename = args.json_path.split("/")[-1].split(".")[0]
- return {
- "json_path": args.json_path,
- "image_dir": args.image_dir,
- "output_dir": args.output_dir,
- "result_files": {
- "full": f"{filename}_full.jsonl",
- "scores": f"{filename}_scores.jsonl",
- }
- }
-
-
-def extract_scores(evaluation_text: str) -> Dict[str, float]:
- score_pattern = r"\*{0,2}(Consistency|Realism|Aesthetic Quality)\*{0,2}\s*[::]?\s*(\d)"
- matches = re.findall(score_pattern, evaluation_text, re.IGNORECASE)
-
- scores = {
- "consistency": 9.9,
- "realism": 9.9,
- "aesthetic_quality": 9.9
- }
-
- for key, value in matches:
- key = key.lower().replace(" ", "_")
- if key in scores:
- scores[key] = float(value)
-
- return scores
-
-
-def encode_image(image_path: str) -> str:
- with open(image_path, "rb") as image_file:
- return base64.b64encode(image_file.read()).decode('utf-8')
-
-
-def load_prompts(json_path: str) -> Dict[int, Dict[str, Any]]:
- with open(json_path, 'r') as f:
- data = json.load(f)
- return {item["prompt_id"]: item for item in data}
-
-
-def build_evaluation_messages(prompt_data: Dict, image_base64: str) -> list:
- return [
- {
- "role": "system",
- "content": [
- {
- "type": "text",
- "text": "You are a professional Vincennes image quality audit expert, please evaluate the image quality strictly according to the protocol."
- }
- ]
- },
- {
- "role": "user",
- "content": [
- {
- "type": "text",
- "text": f"""Please evaluate strictly and return ONLY the three scores as requested.
-
-# Text-to-Image Quality Evaluation Protocol
-
-## System Instruction
-You are an AI quality auditor for text-to-image generation. Apply these rules with ABSOLUTE RUTHLESSNESS. Only images meeting the HIGHEST standards should receive top scores.
-
-**Input Parameters**
-- PROMPT: [User's original prompt to]
-- EXPLANATION: [Further explanation of the original prompt]
----
-
-## Scoring Criteria
-
-**Consistency (0-2):** How accurately and completely the image reflects the PROMPT.
-* **0 (Rejected):** Fails to capture key elements of the prompt, or contradicts the prompt.
-* **1 (Conditional):** Partially captures the prompt. Some elements are present, but not all, or not accurately. Noticeable deviations from the prompt's intent.
-* **2 (Exemplary):** Perfectly and completely aligns with the PROMPT. Every single element and nuance of the prompt is flawlessly represented in the image. The image is an ideal, unambiguous visual realization of the given prompt.
-
-**Realism (0-2):** How realistically the image is rendered.
-* **0 (Rejected):** Physically implausible and clearly artificial. Breaks fundamental laws of physics or visual realism.
-* **1 (Conditional):** Contains minor inconsistencies or unrealistic elements. While somewhat believable, noticeable flaws detract from realism.
-* **2 (Exemplary):** Achieves photorealistic quality, indistinguishable from a real photograph. Flawless adherence to physical laws, accurate material representation, and coherent spatial relationships. No visual cues betraying AI generation.
-
-**Aesthetic Quality (0-2):** The overall artistic appeal and visual quality of the image.
-* **0 (Rejected):** Poor aesthetic composition, visually unappealing, and lacks artistic merit.
-* **1 (Conditional):** Demonstrates basic visual appeal, acceptable composition, and color harmony, but lacks distinction or artistic flair.
-* **2 (Exemplary):** Possesses exceptional aesthetic quality, comparable to a masterpiece. Strikingly beautiful, with perfect composition, a harmonious color palette, and a captivating artistic style. Demonstrates a high degree of artistic vision and execution.
-
----
-
-## Output Format
-
-**Do not include any other text, explanations, or labels.** You must return only three lines of text, each containing a metric and the corresponding score, for example:
-
-**Example Output:**
-Consistency: 2
-Realism: 1
-Aesthetic Quality: 0
-
----
-
-**IMPORTANT Enforcement:**
-
-Be EXTREMELY strict in your evaluation. A score of '2' should be exceedingly rare and reserved only for images that truly excel and meet the highest possible standards in each metric. If there is any doubt, downgrade the score.
-
-For **Consistency**, a score of '2' requires complete and flawless adherence to every aspect of the prompt, leaving no room for misinterpretation or omission.
-
-For **Realism**, a score of '2' means the image is virtually indistinguishable from a real photograph in terms of detail, lighting, physics, and material properties.
-
-For **Aesthetic Quality**, a score of '2' demands exceptional artistic merit, not just pleasant visuals.
-
----
-Here are the Prompt and EXPLANATION for this evaluation:
-PROMPT: "{prompt_data['Prompt']}"
-EXPLANATION: "{prompt_data['Explanation']}"
-Please strictly adhere to the scoring criteria and follow the template format when providing your results."""
- },
- {
- "type": "image_url",
- "image_url": {
- "url": f"data:image/png;base64,{image_base64}"
- }
- }
- ]
- }
- ]
-
-
-def evaluate_image(prompt_data: Dict, image_path: str, config: Dict) -> Dict[str, Any]:
- try:
- base64_image = encode_image(image_path)
- messages = build_evaluation_messages(prompt_data, base64_image)
-
- response = openai_client.chat.completions.create(
- model=model,
- messages=messages,
- temperature=0.0,
- max_tokens=2000,
- n=1,
- )
- response = response.to_dict()
-
- evaluation_text = response['choices'][0]['message']['content'].strip()
- scores = extract_scores(evaluation_text)
-
- return {
- "evaluation": evaluation_text,
- **scores
- }
- except Exception as e:
- return {
- "evaluation": f"Evaluation failed: {str(e)}",
- "consistency": 9.9,
- "realism": 9.9,
- "aesthetic_quality": 9.9
- }
-
-
-def save_results(data, filename, config):
- path = os.path.join(config["output_dir"], filename)
-
- assert filename.endswith('.jsonl')
- with open(path, 'a', encoding='utf-8') as f:
- json_line = json.dumps(data, ensure_ascii=False)
- f.write(json_line + '\n')
-
-
-def process_prompt(prompt_id, prompt_data, config):
- image_path = os.path.join(config["image_dir"], f"{prompt_id}.png")
-
- if not os.path.exists(image_path):
- print(f"Warning: Image not found {image_path}")
- return None
-
- print(f"Evaluating prompt_id: {prompt_id}...")
- evaluation_result = evaluate_image(prompt_data, image_path, config)
-
- full_record = {
- "prompt_id": prompt_id,
- "prompt": prompt_data["Prompt"],
- "key": prompt_data["Explanation"],
- "image_path": image_path,
- "evaluation": evaluation_result["evaluation"]
- }
-
- score_record = {
- "prompt_id": prompt_id,
- "Subcategory": prompt_data["Subcategory"],
- "consistency": evaluation_result["consistency"],
- "realism": evaluation_result["realism"],
- "aesthetic_quality": evaluation_result["aesthetic_quality"]
- }
-
- return full_record, score_record
-
-
-if __name__ == "__main__":
- api_key = openai.api_key
- base_url = "your_api_url",
- api_version = "2024-03-01-preview"
- model = "gpt-4o-2024-11-20"
-
- openai_client = openai.AzureOpenAI(
- azure_endpoint=base_url,
- api_version=api_version,
- api_key=api_key,
- )
-
- args = parse_arguments()
- config = get_config(args)
- Path(config["output_dir"]).mkdir(parents=True, exist_ok=True)
-
- prompts = load_prompts(config["json_path"])
-
- processed_ids = set()
- if os.path.exists(os.path.join(config["output_dir"], config["result_files"]["full"])):
- with open(os.path.join(config["output_dir"], config["result_files"]["full"]), 'r', encoding='utf-8') as f:
- for line in f:
- data = json.loads(line)
- processed_ids.add(data["prompt_id"])
- left_prompts = {k: v for k, v in prompts.items() if k not in processed_ids}
- print(f"Process {len(left_prompts)} prompts...")
-
- MAX_THREADS = 30
-
- with concurrent.futures.ThreadPoolExecutor(max_workers=MAX_THREADS) as executor:
- futures = [executor.submit(process_prompt, prompt_id, prompt_data, config)
- for prompt_id, prompt_data in left_prompts.items()]
- for future in concurrent.futures.as_completed(futures):
- try:
- result = future.result()
- if result:
- full_record, score_record = result
- print(full_record)
- save_results(full_record, config["result_files"]["full"], config)
- save_results(score_record, config["result_files"]["scores"], config)
-
- except Exception as e:
- print(f"An error occurred: {e}")
\ No newline at end of file
diff --git a/eval/vlm/__init__.py b/eval/vlm/__init__.py
deleted file mode 100644
index 943b7d3a7a676d9a500bf048d4307f4f803221f5..0000000000000000000000000000000000000000
--- a/eval/vlm/__init__.py
+++ /dev/null
@@ -1,2 +0,0 @@
-# Copyright 2025 Bytedance Ltd. and/or its affiliates.
-# SPDX-License-Identifier: Apache-2.0
\ No newline at end of file
diff --git a/eval/vlm/eval/mathvista/calculate_score.py b/eval/vlm/eval/mathvista/calculate_score.py
deleted file mode 100644
index a519a76e829a2852be7a494f41a62debbbee9c4a..0000000000000000000000000000000000000000
--- a/eval/vlm/eval/mathvista/calculate_score.py
+++ /dev/null
@@ -1,271 +0,0 @@
-# Copyright (c) 2023 OpenGVLab
-# Copyright (c) 2025 Bytedance Ltd. and/or its affiliates.
-# SPDX-License-Identifier: MIT
-#
-# This file has been modified by ByteDance Ltd. and/or its affiliates. on 2025-05-20.
-#
-# Original file was released under MIT, with the full license text
-# available at https://github.com/OpenGVLab/InternVL/blob/main/LICENSE.
-#
-# This modified file is released under the same license.
-
-import argparse
-
-import pandas as pd
-# !pip install python-Levenshtein
-from Levenshtein import distance
-from utilities import *
-
-
-def get_most_similar(prediction, choices):
- """
- Use the Levenshtein distance (or edit distance) to determine which of the choices is most similar to the given prediction
- """
- distances = [distance(prediction, choice) for choice in choices]
- ind = distances.index(min(distances))
- return choices[ind]
- # return min(choices, key=lambda choice: distance(prediction, choice))
-
-
-def normalize_extracted_answer(extraction, choices, question_type, answer_type, precision):
- """
- Normalize the extracted answer to match the answer type
- """
- if question_type == 'multi_choice':
- # make sure the extraction is a string
- if isinstance(extraction, str):
- extraction = extraction.strip()
- else:
- try:
- extraction = str(extraction)
- except:
- extraction = ''
-
- # extract "A" from "(A) text"
- letter = re.findall(r'\(([a-zA-Z])\)', extraction)
- if len(letter) > 0:
- extraction = letter[0].upper()
-
- options = [chr(ord('A') + i) for i in range(len(choices))]
-
- if extraction in options:
- # convert option letter to text, e.g. "A" -> "text"
- ind = options.index(extraction)
- extraction = choices[ind]
- else:
- # select the most similar option
- extraction = get_most_similar(extraction, choices)
- assert extraction in choices
-
- elif answer_type == 'integer':
- try:
- extraction = str(int(float(extraction)))
- except:
- extraction = None
-
- elif answer_type == 'float':
- try:
- extraction = str(round(float(extraction), int(precision)))
- except:
- extraction = None
-
- elif answer_type == 'list':
- try:
- extraction = str(extraction)
- except:
- extraction = None
-
- return extraction
-
-
-def safe_equal(prediction, answer):
- """
- Check if the prediction is equal to the answer, even if they are of different types
- """
- try:
- if prediction == answer:
- return True
- return False
- except Exception as e:
- print(e)
- return False
-
-
-def get_acc_with_contion(res_pd, key, value):
- if key == 'skills':
- # if value in res_pd[key]:
- total_pd = res_pd[res_pd[key].apply(lambda x: value in x)]
- else:
- total_pd = res_pd[res_pd[key] == value]
-
- correct_pd = total_pd[total_pd['true_false'] == True] # noqa: E712
- acc = '{:.2f}'.format(len(correct_pd) / len(total_pd) * 100)
- return len(correct_pd), len(total_pd), acc
-
-
-if __name__ == '__main__':
- parser = argparse.ArgumentParser()
- parser.add_argument('--output_dir', type=str, default='./results')
- parser.add_argument('--output_file', type=str, default='output.json')
- parser.add_argument('--score_file', type=str, default='scores.json')
- parser.add_argument('--gt_file', type=str, default='./eval/vlm/data/MathVista/annot_testmini.json', help='ground truth file')
- parser.add_argument('--number', type=int, default=-1, help='number of problems to run')
- parser.add_argument('--rerun', action='store_true', help='rerun the evaluation')
- parser.add_argument('--caculate_gain', action='store_true', help='caculate the score gains over random guess')
- parser.add_argument('--random_file', type=str, default='score_random_guess.json')
- args = parser.parse_args()
-
- # args
- output_file = os.path.join(args.output_dir, args.output_file)
-
- # # quick test
- # output_file = '../results/llava-llama-2-13b/output_llava_llama_2_13b.json'
-
- # read json
- print(f'Reading {output_file}...')
- results = read_json(output_file)
-
- # read ground truth
- print(f'Reading {args.gt_file}...')
- gts = read_json(args.gt_file)
-
- # full pids
- full_pids = list(results.keys())
- if args.number > 0:
- full_pids = full_pids[:min(args.number, len(full_pids))]
- print('Number of testing problems:', len(full_pids))
-
- ## [1] Evaluate if the prediction is true or false
- print('\nEvaluating the predictions...')
- update_json_flag = False
- for pid in full_pids:
- problem = results[pid]
- # print(problem)
-
- if args.rerun:
- if 'prediction' in problem:
- del problem['prediction']
- if 'true_false' in problem:
- del problem['true_false']
-
- choices = problem['choices']
- question_type = problem['question_type']
- answer_type = problem['answer_type']
- precision = problem['precision']
- extraction = problem['extraction']
-
- if 'answer' in problem:
- answer = problem['answer']
- else:
- if pid in gts:
- answer = gts[pid]['answer']
- else:
- answer = ''
- problem['answer'] = answer
-
- # normalize the extracted answer to match the answer type
- prediction = normalize_extracted_answer(extraction, choices, question_type, answer_type, precision)
-
- # verify the prediction is true or false
- true_false = safe_equal(prediction, answer)
-
- # update the problem
- if 'true_false' not in problem:
- update_json_flag = True
-
- elif true_false != problem['true_false']:
- update_json_flag = True
-
- if 'prediction' not in problem:
- update_json_flag = True
-
- elif prediction != problem['prediction']:
- update_json_flag = True
-
- problem['prediction'] = prediction
- problem['true_false'] = true_false
-
- # save the updated json
- if update_json_flag:
- print('\n!!!Some problems are updated.!!!')
- print(f'\nSaving {output_file}...')
- save_json(results, output_file)
-
- ## [2] Calculate the average accuracy
- total = len(full_pids)
- correct = 0
- for pid in full_pids:
- if results[pid]['true_false']:
- correct += 1
- accuracy = str(round(correct / total * 100, 2))
- print(f'\nCorrect: {correct}, Total: {total}, Accuracy: {accuracy}%')
-
- scores = {'average': {'accuracy': accuracy, 'correct': correct, 'total': total}}
-
- ## [3] Calculate the fine-grained accuracy scores
-
- # merge the 'metadata' attribute into the data
- for pid in results:
- results[pid].update(results[pid].pop('metadata'))
-
- # convert the data to a pandas DataFrame
- df = pd.DataFrame(results).T
-
- print(len(df))
- print('Number of test problems:', len(df))
- # assert len(df) == 1000 # Important!!!
-
- # asign the target keys for evaluation
- target_keys = ['question_type', 'answer_type', 'language', 'source', 'category', 'task', 'context', 'grade',
- 'skills']
-
- for key in target_keys:
- print(f'\nType: [{key}]')
- # get the unique values of the key
- if key == 'skills':
- # the value is a list
- values = []
- for i in range(len(df)):
- values += df[key][i]
- values = list(set(values))
- else:
- values = df[key].unique()
- # print(values)
-
- # calculate the accuracy for each value
- scores[key] = {}
- for value in values:
- correct, total, acc = get_acc_with_contion(df, key, value)
- if total > 0:
- print(f'[{value}]: {acc}% ({correct}/{total})')
- scores[key][value] = {'accuracy': acc, 'correct': correct, 'total': total}
-
- # sort the scores by accuracy
- scores[key] = dict(sorted(scores[key].items(), key=lambda item: float(item[1]['accuracy']), reverse=True))
-
- # save the scores
- scores_file = os.path.join(args.output_dir, args.score_file)
- print(f'\nSaving {scores_file}...')
- save_json(scores, scores_file)
- print('\nDone!')
-
- # [4] Calculate the score gains over random guess
- if args.caculate_gain:
- random_file = os.path.join(args.output_dir, args.random_file)
- random_scores = json.load(open(random_file))
-
- print('\nCalculating the score gains...')
- for key in scores:
- if key == 'average':
- gain = round(float(scores[key]['accuracy']) - float(random_scores[key]['accuracy']), 2)
- scores[key]['acc_gain'] = gain
- else:
- for sub_key in scores[key]:
- gain = round(
- float(scores[key][sub_key]['accuracy']) - float(random_scores[key][sub_key]['accuracy']), 2)
- scores[key][sub_key]['acc_gain'] = str(gain)
-
- # save the score gains
- print(f'\nSaving {scores_file}...')
- save_json(scores, scores_file)
- print('\nDone!')
diff --git a/eval/vlm/eval/mathvista/evaluate_mathvista.py b/eval/vlm/eval/mathvista/evaluate_mathvista.py
deleted file mode 100644
index e1751a5bc9fed5e3507023108a876af1223756f6..0000000000000000000000000000000000000000
--- a/eval/vlm/eval/mathvista/evaluate_mathvista.py
+++ /dev/null
@@ -1,210 +0,0 @@
-# Copyright (c) 2023 OpenGVLab
-# Copyright (c) 2025 Bytedance Ltd. and/or its affiliates.
-# SPDX-License-Identifier: MIT
-#
-# This file has been modified by ByteDance Ltd. and/or its affiliates. on 2025-05-20.
-#
-# Original file was released under MIT, with the full license text
-# available at https://github.com/OpenGVLab/InternVL/blob/main/LICENSE.
-#
-# This modified file is released under the same license.
-
-import argparse
-import itertools
-import json
-import os
-import random
-
-import torch
-from datasets import concatenate_datasets, load_dataset
-from eval.vlm.utils import load_model_and_tokenizer, build_transform, process_conversation
-from tqdm import tqdm
-
-ds_collections = {
- 'MathVista_testmini': {
- 'root': 'AI4Math/MathVista',
- 'max_new_tokens': 4096,
- 'min_new_tokens': 1,
- 'split': 'testmini'
- },
- 'MathVista_test': {
- 'root': 'AI4Math/MathVista',
- 'max_new_tokens': 4096,
- 'min_new_tokens': 1,
- 'split': 'test'
- },
-}
-
-
-COT_INSTRUCTION = (
- 'Your task is to answer the question below. '
- "Give step by step reasoning before you answer, and when you're ready to answer, "
- "please use the format \"Final answer: ..\""
- '\n\n'
- 'Question:'
- '\n\n'
- '{question}'
-)
-
-
-def collate_fn(batches):
- images = [_['images'] for _ in batches]
- data_items = [_['data_item'] for _ in batches]
- return images, data_items
-
-
-class MathVistaDataset(torch.utils.data.Dataset):
-
- def __init__(self, root, split):
- dataset = load_dataset(root, cache_dir=os.path.join(os.getcwd(), 'eval/vlm/data/MathVista/'))
- self.data = dataset[split]
-
- def __len__(self):
- return len(self.data)
-
- def __getitem__(self, idx):
- data_item = self.data[idx]
- image = data_item['decoded_image']
- del data_item['decoded_image']
-
- images = [image.convert('RGB') if image.mode != 'RGB' else image]
-
- return {
- 'images': images,
- 'data_item': data_item,
- }
-
-
-class InferenceSampler(torch.utils.data.sampler.Sampler):
-
- def __init__(self, size):
- self._size = int(size)
- assert size > 0
- self._rank = torch.distributed.get_rank()
- self._world_size = torch.distributed.get_world_size()
- self._local_indices = self._get_local_indices(size, self._world_size, self._rank)
-
- @staticmethod
- def _get_local_indices(total_size, world_size, rank):
- shard_size = total_size // world_size
- left = total_size % world_size
- shard_sizes = [shard_size + int(r < left) for r in range(world_size)]
-
- begin = sum(shard_sizes[:rank])
- end = min(sum(shard_sizes[:rank + 1]), total_size)
- return range(begin, end)
-
- def __iter__(self):
- yield from self._local_indices
-
- def __len__(self):
- return len(self._local_indices)
-
-
-def evaluate_chat_model():
- random.seed(args.seed)
-
- for ds_name in args.datasets:
- dataset = MathVistaDataset(
- root=ds_collections[ds_name]['root'],
- split=ds_collections[ds_name]['split'],
- )
- dataloader = torch.utils.data.DataLoader(
- dataset=dataset,
- sampler=InferenceSampler(len(dataset)),
- batch_size=args.batch_size,
- num_workers=args.num_workers,
- pin_memory=True,
- drop_last=False,
- collate_fn=collate_fn,
- )
-
- outputs = []
- for _, (images, data_items) in tqdm(enumerate(dataloader)):
- if args.cot:
- question = COT_INSTRUCTION.format(question=data_items[0]['query'])
- else:
- question = data_items[0]['query']
-
- images = images[0]
- images, conversation = process_conversation(images, question)
-
- pred = model.chat(
- tokenizer,
- new_token_ids,
- image_transform,
- images=images,
- prompt=conversation,
- max_length=ds_collections[ds_name]['max_new_tokens'] if not args.cot else 4096, # TODO: how to use ds_collections[ds_name]['min_new_tokens']
- )
-
- data_item = data_items[0]
- data_item['response'] = pred
- outputs.append(data_item)
-
- torch.distributed.barrier()
-
- world_size = torch.distributed.get_world_size()
- merged_outputs = [None for _ in range(world_size)]
- torch.distributed.all_gather_object(merged_outputs, json.dumps(outputs))
-
- merged_outputs = [json.loads(_) for _ in merged_outputs]
- merged_outputs = [_ for _ in itertools.chain.from_iterable(merged_outputs)]
-
- if torch.distributed.get_rank() == 0:
- temp = {}
- for data_item in merged_outputs:
- pid = data_item['pid']
- temp[pid] = data_item
-
- print(f'Evaluating {ds_name} ...')
- results_file = 'results.json'
- output_path = os.path.join(args.out_dir, 'results.json')
- json.dump(temp, open(output_path, 'w'), indent=4)
- print('Results saved to {}'.format(output_path))
-
- if args.cot:
- cmd = f'python eval/vlm/eval/mathvista/extract_answer_mp.py --output_file {results_file} --output_dir {args.out_dir}'
- else:
- cmd = f'python eval/vlm/eval/mathvista/extract_answer_mp.py --output_file {results_file} --output_dir {args.out_dir}'
- print(cmd)
- os.system(cmd)
-
- cmd = f'python eval/vlm/eval/mathvista/calculate_score.py --output_file {results_file} --output_dir {args.out_dir} --score_file score.json'
- print(cmd)
- os.system(cmd)
-
-
-if __name__ == '__main__':
- parser = argparse.ArgumentParser()
- parser.add_argument('--datasets', type=str, default='MathVista_testmini')
- parser.add_argument('--batch-size', type=int, default=1)
- parser.add_argument('--num-workers', type=int, default=1)
- parser.add_argument('--out-dir', type=str, default='results')
- parser.add_argument('--seed', type=int, default=0)
- parser.add_argument('--cot', action='store_true')
- parser.add_argument('--model-path', type=str, default='hf/BAGEL-7B-MoT/')
- args = parser.parse_args()
-
- if not os.path.exists(args.out_dir):
- os.makedirs(args.out_dir, exist_ok=True)
-
- args.datasets = args.datasets.split(',')
- print('datasets:', args.datasets)
- assert args.batch_size == 1, 'Only batch size 1 is supported'
-
- torch.distributed.init_process_group(
- backend='nccl',
- world_size=int(os.getenv('WORLD_SIZE', '1')),
- rank=int(os.getenv('RANK', '0')),
- )
-
- torch.cuda.set_device(int(os.getenv('LOCAL_RANK', 0)))
-
- model, tokenizer, new_token_ids = load_model_and_tokenizer(args)
- image_transform = build_transform()
-
- total_params = sum(p.numel() for p in model.parameters()) / 1e9
- print(f'[test] total_params: {total_params}B')
-
- evaluate_chat_model()
diff --git a/eval/vlm/eval/mathvista/extract_answer.py b/eval/vlm/eval/mathvista/extract_answer.py
deleted file mode 100644
index e2c2ca7580e1102675aa16c9e03b84f3f70464f1..0000000000000000000000000000000000000000
--- a/eval/vlm/eval/mathvista/extract_answer.py
+++ /dev/null
@@ -1,160 +0,0 @@
-# Copyright (c) 2023 OpenGVLab
-# Copyright (c) 2025 Bytedance Ltd. and/or its affiliates.
-# SPDX-License-Identifier: MIT
-#
-# This file has been modified by ByteDance Ltd. and/or its affiliates. on 2025-05-20.
-#
-# Original file was released under MIT, with the full license text
-# available at https://github.com/OpenGVLab/InternVL/blob/main/LICENSE.
-#
-# This modified file is released under the same license.
-
-import argparse
-
-from tqdm import tqdm
-from utilities import *
-
-openai.api_key = os.getenv('OPENAI_API_KEY')
-print(openai.api_key)
-
-# load demo prompt
-from prompts.ext_ans import demo_prompt
-
-
-def verify_extraction(extraction):
- extraction = extraction.strip()
- if extraction == '' or extraction is None:
- return False
- return True
-
-
-def create_test_prompt(demo_prompt, query, response):
- demo_prompt = demo_prompt.strip()
- test_prompt = f'{query}\n\n{response}'
- full_prompt = f'{demo_prompt}\n\n{test_prompt}\n\nExtracted answer: '
- return full_prompt
-
-
-def _extract_answer(text):
- match = re.search(r'(Final answer:|Answer:)\s*(.*)', text, re.IGNORECASE)
- if match:
- return match.group(2).strip()
- return text
-
-
-def extract_answer(response, problem, quick_extract=False):
- question_type = problem['question_type']
- answer_type = problem['answer_type']
- choices = problem['choices']
- query = problem['query']
-
- if response == '':
- return ''
-
- if question_type == 'multi_choice' and response in choices:
- return response
-
- if answer_type == 'integer':
- try:
- extraction = int(response)
- return str(extraction)
- except:
- pass
-
- if answer_type == 'float':
- try:
- extraction = str(float(response))
- return extraction
- except:
- pass
-
- # quick extraction
- if quick_extract:
- print('Quickly extracting answer...')
- # The answer is "text". -> "text"
- try:
- result = _extract_answer(response)
- return result
- # result = re.search(r'The answer is "(.*)"\.', response)
- # if result:
- # extraction = result.group(1)
- # return extraction
- except:
- pass
-
- # general extraction
- try:
- full_prompt = create_test_prompt(demo_prompt, query, response)
- extraction = get_chat_response(full_prompt, openai.api_key, patience=5)
- return extraction
- except Exception as e:
- print(e)
- print(f'Error in extracting answer for {pid}')
-
- return ''
-
-
-if __name__ == '__main__':
- parser = argparse.ArgumentParser()
- # input
- parser.add_argument('--output_dir', type=str, default='./results')
- parser.add_argument('--output_file', type=str, default='mathvista_answer.json')
- parser.add_argument('--response_label', type=str, default='response', help='response label for the input file')
- # model
- parser.add_argument('--llm_engine', type=str, default='gpt-4-0613', help='llm engine',
- choices=['gpt-3.5-turbo', 'gpt-3.5', 'gpt-4', 'gpt-4-0314', 'gpt-4-0613'])
- parser.add_argument('--number', type=int, default=-1, help='number of problems to run')
- parser.add_argument('--quick_extract', action='store_true', help='use rules to extract answer for some problems')
- parser.add_argument('--rerun', action='store_true', help='rerun the answer extraction')
- # output
- parser.add_argument('--save_every', type=int, default=10, help='save every n problems')
- parser.add_argument('--output_label', type=str, default='', help='label for the output file')
- args = parser.parse_args()
-
- # args
- label = args.response_label
- result_file = os.path.join(args.output_dir, args.output_file)
-
- if args.output_label != '':
- output_file = result_file.replace('.json', f'_{args.output_label}.json')
- else:
- output_file = result_file
-
- # read results
- print(f'Reading {result_file}...')
- results = read_json(result_file)
-
- # full pids
- full_pids = list(results.keys())
- if args.number > 0:
- full_pids = full_pids[:min(args.number, len(full_pids))]
- print('Number of testing problems:', len(full_pids))
-
- # test pids
- if args.rerun:
- test_pids = full_pids
- else:
- test_pids = []
- for pid in full_pids:
- # print(pid)
- if 'extraction' not in results[pid] or not verify_extraction(results[pid]['extraction']):
- test_pids.append(pid)
-
- test_num = len(test_pids)
- print('Number of problems to run:', test_num)
- # print(test_pids)
-
- # tqdm, enumerate results
- for i, pid in enumerate(tqdm(test_pids)):
- problem = results[pid]
-
- assert label in problem
- response = problem[label]
-
- extraction = extract_answer(response, problem, args.quick_extract)
- results[pid]['extraction'] = extraction
-
- if i % args.save_every == 0 or i == test_num - 1:
- print(f'Saving results to {output_file}...')
- save_json(results, output_file)
- print(f'Results saved.')
diff --git a/eval/vlm/eval/mathvista/extract_answer_mp.py b/eval/vlm/eval/mathvista/extract_answer_mp.py
deleted file mode 100644
index 525e1610596130f814cba2844361e1441d4c89a8..0000000000000000000000000000000000000000
--- a/eval/vlm/eval/mathvista/extract_answer_mp.py
+++ /dev/null
@@ -1,161 +0,0 @@
-# Copyright (c) 2023 OpenGVLab
-# Copyright (c) 2025 Bytedance Ltd. and/or its affiliates.
-# SPDX-License-Identifier: MIT
-#
-# This file has been modified by ByteDance Ltd. and/or its affiliates. on 2025-05-20.
-#
-# Original file was released under MIT, with the full license text
-# available at https://github.com/OpenGVLab/InternVL/blob/main/LICENSE.
-#
-# This modified file is released under the same license.
-
-
-import argparse
-import os
-import re
-import json
-import openai
-from concurrent.futures import ThreadPoolExecutor, as_completed
-from tqdm import tqdm
-from utilities import *
-from prompts.ext_ans import demo_prompt
-
-openai.api_key = os.getenv('OPENAI_API_KEY')
-print(openai.api_key)
-
-def verify_extraction(extraction):
- extraction = extraction.strip()
- if extraction == '' or extraction is None:
- return False
- return True
-
-def create_test_prompt(demo_prompt, query, response):
- demo_prompt = demo_prompt.strip()
- test_prompt = f'{query}\n\n{response}'
- full_prompt = f'{demo_prompt}\n\n{test_prompt}\n\nExtracted answer: '
- return full_prompt
-
-def _extract_answer(text):
- match = re.search(r'(Final answer:|Answer:)\s*(.*)', text, re.IGNORECASE)
- if match:
- return match.group(2).strip()
- return text
-
-def extract_answer(response, problem, quick_extract=False):
- question_type = problem['question_type']
- answer_type = problem['answer_type']
- choices = problem['choices']
- query = problem['query']
-
- if response == '':
- return ''
-
- if question_type == 'multi_choice' and response in choices:
- return response
-
- if answer_type == 'integer':
- try:
- extraction = int(response)
- return str(extraction)
- except:
- pass
-
- if answer_type == 'float':
- try:
- extraction = str(float(response))
- return extraction
- except:
- pass
-
- # quick extraction
- if quick_extract:
- print('Quickly extracting answer...')
- try:
- result = _extract_answer(response)
- return result
- except:
- pass
-
- try:
- full_prompt = create_test_prompt(demo_prompt, query, response)
- extraction = get_chat_response(full_prompt, openai.api_key, patience=5, model=args.llm_engine)
- return extraction
- except Exception as e:
- print(e)
-
- return ''
-
-def process_problem(pid, results, label, args):
- problem = results[pid]
- response = problem[label]
- extraction = extract_answer(response, problem, args.quick_extract)
- return pid, extraction
-
-if __name__ == '__main__':
- parser = argparse.ArgumentParser()
- # input
- parser.add_argument('--output_dir', type=str, default='./results')
- parser.add_argument('--output_file', type=str, default='mathvista_answer.json')
- parser.add_argument('--response_label', type=str, default='response', help='response label for the input file')
- # model
- parser.add_argument('--llm_engine', type=str, default='gpt-4o-2024-11-20', help='llm engine',
- choices=['gpt-3.5-turbo', 'gpt-3.5', 'gpt-4', 'gpt-4-0314', 'gpt-4-0613',
- 'gpt-4o-2024-08-06', 'gpt-4o-2024-11-20'])
- parser.add_argument('--number', type=int, default=-1, help='number of problems to run')
- parser.add_argument('--quick_extract', action='store_true', help='use rules to extract answer for some problems')
- parser.add_argument('--rerun', action='store_true', help='rerun the answer extraction')
- # output
- parser.add_argument('--save_every', type=int, default=100, help='save every n problems')
- parser.add_argument('--output_label', type=str, default='', help='label for the output file')
- parser.add_argument('--max_workers', type=int, default=40, help='max workers for ThreadPoolExecutor')
- args = parser.parse_args()
-
- label = args.response_label
- result_file = os.path.join(args.output_dir, args.output_file)
-
- if args.output_label != '':
- output_file = result_file.replace('.json', f'_{args.output_label}.json')
- else:
- output_file = result_file
-
- print(f'Reading {result_file}...')
- results = read_json(result_file)
-
- full_pids = list(results.keys())
- if args.number > 0:
- full_pids = full_pids[:min(args.number, len(full_pids))]
- print('Number of total problems:', len(full_pids))
-
- if args.rerun:
- test_pids = full_pids
- else:
- test_pids = []
- for pid in full_pids:
- if 'extraction' not in results[pid] or not verify_extraction(results[pid]['extraction']):
- test_pids.append(pid)
-
- test_num = len(test_pids)
- print('Number of problems to run:', test_num)
-
- with ThreadPoolExecutor(max_workers=args.max_workers) as executor:
- future_to_pid = {}
- for pid in test_pids:
- future = executor.submit(process_problem, pid, results, label, args)
- future_to_pid[future] = pid
-
- completed_count = 0
- for future in tqdm(as_completed(future_to_pid), total=test_num):
- pid = future_to_pid[future]
- try:
- pid_result, extraction = future.result()
- results[pid_result]['extraction'] = extraction
- except Exception as e:
- print(f'Error processing pid={pid}: {e}')
-
- completed_count += 1
- if (completed_count % args.save_every == 0) or (completed_count == test_num):
- print(f'Saving results to {output_file}... [{completed_count}/{test_num}]')
- save_json(results, output_file)
- print('Results saved.')
-
- print('All done!')
diff --git a/eval/vlm/eval/mathvista/prompts/ext_ans.py b/eval/vlm/eval/mathvista/prompts/ext_ans.py
deleted file mode 100644
index 5bf49f1802a2501b39da09c109b80a5d6a34b7c1..0000000000000000000000000000000000000000
--- a/eval/vlm/eval/mathvista/prompts/ext_ans.py
+++ /dev/null
@@ -1,51 +0,0 @@
-# Copyright (c) 2023 OpenGVLab
-# Copyright (c) 2025 Bytedance Ltd. and/or its affiliates.
-# SPDX-License-Identifier: MIT
-#
-# This file has been modified by ByteDance Ltd. and/or its affiliates. on 2025-05-20.
-#
-# Original file was released under MIT, with the full license text
-# available at https://github.com/OpenGVLab/InternVL/blob/main/LICENSE.
-#
-# This modified file is released under the same license.
-
-# pids = 852, 104, 824, 506, 540
-
-demo_prompt = """
-Please read the following example. Then extract the answer from the model response and type it at the end of the prompt.
-
-Hint: Please answer the question requiring an integer answer and provide the final value, e.g., 1, 2, 3, at the end.
-Question: Which number is missing?
-
-Model response: The number missing in the sequence is 14.
-
-Extracted answer: 14
-
-Hint: Please answer the question requiring a floating-point number with one decimal place and provide the final value, e.g., 1.2, 1.3, 1.4, at the end.
-Question: What is the fraction of females facing the camera?
-
-Model response: The fraction of females facing the camera is 0.6, which means that six out of ten females in the group are facing the camera.
-
-Extracted answer: 0.6
-
-Hint: Please answer the question requiring a floating-point number with two decimal places and provide the final value, e.g., 1.23, 1.34, 1.45, at the end.
-Question: How much money does Luca need to buy a sour apple candy and a butterscotch candy? (Unit: $)
-
-Model response: Luca needs $1.45 to buy a sour apple candy and a butterscotch candy.
-
-Extracted answer: 1.45
-
-Hint: Please answer the question requiring a Python list as an answer and provide the final list, e.g., [1, 2, 3], [1.2, 1.3, 1.4], at the end.
-Question: Between which two years does the line graph saw its maximum peak?
-
-Model response: The line graph saw its maximum peak between 2007 and 2008.
-
-Extracted answer: [2007, 2008]
-
-Hint: Please answer the question and provide the correct option letter, e.g., A, B, C, D, at the end.
-Question: What fraction of the shape is blue?\nChoices:\n(A) 3/11\n(B) 8/11\n(C) 6/11\n(D) 3/5
-
-Model response: The correct answer is (B) 8/11.
-
-Extracted answer: B
-"""
diff --git a/eval/vlm/eval/mathvista/utilities.py b/eval/vlm/eval/mathvista/utilities.py
deleted file mode 100644
index 542cd0dfe504a1a5d0f1ecd1c30b92fee9f22ffe..0000000000000000000000000000000000000000
--- a/eval/vlm/eval/mathvista/utilities.py
+++ /dev/null
@@ -1,229 +0,0 @@
-# Copyright (c) 2023 OpenGVLab
-# Copyright (c) 2025 Bytedance Ltd. and/or its affiliates.
-# SPDX-License-Identifier: MIT
-#
-# This file has been modified by ByteDance Ltd. and/or its affiliates. on 2025-05-20.
-#
-# Original file was released under MIT, with the full license text
-# available at https://github.com/OpenGVLab/InternVL/blob/main/LICENSE.
-#
-# This modified file is released under the same license.
-
-import json
-import os
-import pickle
-import re
-import time
-
-import cv2
-import openai
-from word2number import w2n
-
-openai_client = None
-
-
-def create_dir(output_dir):
- if not os.path.exists(output_dir):
- os.makedirs(output_dir)
-
-
-def read_csv(file):
- data = []
- with open(file, 'r') as f:
- for line in f:
- data.append(line.strip())
- return data
-
-
-def read_pandas_csv(csv_path):
- # read a pandas csv sheet
- import pandas as pd
- df = pd.read_csv(csv_path)
- return df
-
-
-def read_json(path):
- with open(path, 'r', encoding='utf-8') as f:
- return json.load(f)
-
-
-def read_jsonl(file):
- with open(file, 'r') as f:
- data = [json.loads(line) for line in f]
- return data
-
-
-def read_pickle(path):
- with open(path, 'rb') as f:
- return pickle.load(f)
-
-
-def save_json(data, path):
- with open(path, 'w') as f:
- json.dump(data, f, indent=4)
-
-
-def save_array_img(path, image):
- cv2.imwrite(path, image)
-
-
-def contains_digit(text):
- # check if text contains a digit
- if any(char.isdigit() for char in text):
- return True
- return False
-
-
-def contains_number_word(text):
- # check if text contains a number word
- ignore_words = ['a', 'an', 'point']
- words = re.findall(r'\b\w+\b', text) # This regex pattern matches any word in the text
- for word in words:
- if word in ignore_words:
- continue
- try:
- w2n.word_to_num(word)
- return True # If the word can be converted to a number, return True
- except ValueError:
- continue # If the word can't be converted to a number, continue with the next word
-
- # check if text contains a digit
- if any(char.isdigit() for char in text):
- return True
-
- return False # If none of the words could be converted to a number, return False
-
-
-def contains_quantity_word(text, special_keep_words=[]):
- # check if text contains a quantity word
- quantity_words = ['most', 'least', 'fewest'
- 'more', 'less', 'fewer',
- 'largest', 'smallest', 'greatest',
- 'larger', 'smaller', 'greater',
- 'highest', 'lowest', 'higher', 'lower',
- 'increase', 'decrease',
- 'minimum', 'maximum', 'max', 'min',
- 'mean', 'average', 'median',
- 'total', 'sum', 'add', 'subtract',
- 'difference', 'quotient', 'gap',
- 'half', 'double', 'twice', 'triple',
- 'square', 'cube', 'root',
- 'approximate', 'approximation',
- 'triangle', 'rectangle', 'circle', 'square', 'cube', 'sphere', 'cylinder', 'cone', 'pyramid',
- 'multiply', 'divide',
- 'percentage', 'percent', 'ratio', 'proportion', 'fraction', 'rate',
- ]
-
- quantity_words += special_keep_words # dataset specific words
-
- words = re.findall(r'\b\w+\b', text) # This regex pattern matches any word in the text
- if any(word in quantity_words for word in words):
- return True
-
- return False # If none of the words could be converted to a number, return False
-
-
-def is_bool_word(text):
- if text in ['Yes', 'No', 'True', 'False',
- 'yes', 'no', 'true', 'false',
- 'YES', 'NO', 'TRUE', 'FALSE']:
- return True
- return False
-
-
-def is_digit_string(text):
- # remove ".0000"
- text = text.strip()
- text = re.sub(r'\.0+$', '', text)
- try:
- int(text)
- return True
- except ValueError:
- return False
-
-
-def is_float_string(text):
- # text is a float string if it contains a "." and can be converted to a float
- if '.' in text:
- try:
- float(text)
- return True
- except ValueError:
- return False
- return False
-
-
-def copy_image(image_path, output_image_path):
- from shutil import copyfile
- copyfile(image_path, output_image_path)
-
-
-def copy_dir(src_dir, dst_dir):
- from shutil import copytree
-
- # copy the source directory to the target directory
- copytree(src_dir, dst_dir)
-
-
-import PIL.Image as Image
-
-
-def get_image_size(img_path):
- img = Image.open(img_path)
- width, height = img.size
- return width, height
-
-
-def get_chat_response(
- promot="", api_key="",
- base_url="your_api_url",
- api_version="2024-03-01-preview", model="gpt-4-0613",
- temperature=0, max_tokens=256, n=1, patience=10000000, sleep_time=0
- ):
- openai_client = openai.AzureOpenAI(
- azure_endpoint=base_url,
- api_version=api_version,
- api_key=api_key,
- )
-
- messages = [
- {'role': 'user', 'content': promot},
- ]
- while patience > 0:
- patience -= 1
- try:
- response = openai_client.chat.completions.create(
- model=model,
- messages=messages,
- # api_key=api_key,
- temperature=temperature,
- max_tokens=max_tokens,
- n=n,
- )
- response = response.to_dict()
- if n == 1:
- prediction = response['choices'][0]['message']['content'].strip()
- if prediction != '' and prediction is not None:
- return prediction
- else:
- prediction = [choice['message']['content'].strip() for choice in response['choices']]
- if prediction[0] != '' and prediction[0] is not None:
- return prediction
-
- except Exception as e:
- if 'Rate limit' not in str(e):
- print(e)
-
- if 'Please reduce the length of the messages' in str(e):
- print('!!Reduce promot size')
- # reduce input prompt and keep the tail
- new_size = int(len(promot) * 0.9)
- new_start = len(promot) - new_size
- promot = promot[new_start:]
- messages = [
- {'role': 'user', 'content': promot},
- ]
-
- if sleep_time > 0:
- time.sleep(sleep_time)
- return ''
diff --git a/eval/vlm/eval/mmbench/evaluate_mmbench.py b/eval/vlm/eval/mmbench/evaluate_mmbench.py
deleted file mode 100644
index 388bbdbae6b05941b2c82ca3419c89d4c2eb1060..0000000000000000000000000000000000000000
--- a/eval/vlm/eval/mmbench/evaluate_mmbench.py
+++ /dev/null
@@ -1,283 +0,0 @@
-# Copyright (c) 2023 OpenGVLab
-# Copyright (c) 2025 Bytedance Ltd. and/or its affiliates.
-# SPDX-License-Identifier: MIT
-#
-# This file has been modified by ByteDance Ltd. and/or its affiliates. on 2025-05-20.
-#
-# Original file was released under MIT, with the full license text
-# available at https://github.com/OpenGVLab/InternVL/blob/main/LICENSE.
-#
-# This modified file is released under the same license.
-
-import argparse
-import base64
-import itertools
-import json
-import os
-import random
-from io import BytesIO
-
-import pandas as pd
-import torch
-from eval.vlm.utils import load_model_and_tokenizer, build_transform, process_conversation
-from PIL import Image
-from tqdm import tqdm
-
-ds_collections = {
- 'mmbench_dev_20230712': {
- 'root': 'eval/vlm/data/mmbench/mmbench_dev_20230712.tsv',
- 'max_new_tokens': 100,
- 'min_new_tokens': 1,
- 'type': 'dev',
- 'language': 'en'
- },
- 'mmbench_dev_cn_20231003': {
- 'root': 'eval/vlm/data/mmbench/mmbench_dev_cn_20231003.tsv',
- 'max_new_tokens': 100,
- 'min_new_tokens': 1,
- 'type': 'dev',
- 'language': 'cn'
- },
- 'mmbench_dev_en_20231003': {
- 'root': 'eval/vlm/data/mmbench/mmbench_dev_en_20231003.tsv',
- 'max_new_tokens': 100,
- 'min_new_tokens': 1,
- 'type': 'dev',
- 'language': 'en'
- },
- 'mmbench_test_cn_20231003': {
- 'root': 'eval/vlm/data/mmbench/mmbench_test_cn_20231003.tsv',
- 'max_new_tokens': 100,
- 'min_new_tokens': 1,
- 'type': 'test',
- 'language': 'cn'
- },
- 'mmbench_test_en_20231003': {
- 'root': 'eval/vlm/data/mmbench/mmbench_test_en_20231003.tsv',
- 'max_new_tokens': 100,
- 'min_new_tokens': 1,
- 'type': 'test',
- 'language': 'en'
- },
- 'ccbench_dev_cn': {
- 'root': 'eval/vlm/data/mmbench/CCBench_legacy.tsv',
- 'max_new_tokens': 100,
- 'min_new_tokens': 1,
- 'type': 'dev',
- 'language': 'cn'
- }
-}
-
-
-def collate_fn(batches):
- questions = [_['question'] for _ in batches]
- images = [_['images'] for _ in batches]
- conversation = [_['conversation'] for _ in batches]
- answers = [_['answer'] for _ in batches]
- indexes = [_['index'] for _ in batches]
- options = [_['option'] for _ in batches]
- return questions, images, conversation, answers, indexes, options
-
-
-class MMBenchDataset(torch.utils.data.Dataset):
-
- def __init__(self, root, prompt, language):
- self.df = pd.read_csv(root, sep='\t')
- self.prompt = prompt
- self.language = language
-
- def __len__(self):
- return len(self.df)
-
- def __getitem__(self, idx):
- index = self.df.iloc[idx]['index']
- image = self.df.iloc[idx]['image']
- question = self.df.iloc[idx]['question']
- answer = self.df.iloc[idx]['answer'] if 'answer' in self.df.iloc[0].keys() else None
- # catetory = self.df.iloc[idx]['category']
- # l2_catetory = self.df.iloc[idx]['l2-category']
-
- image = Image.open(BytesIO(base64.b64decode(image))).convert('RGB')
- images = [image]
-
- option_candidate = ['A', 'B', 'C', 'D', 'E']
- options = {
- cand: self.load_from_df(idx, cand)
- for cand in option_candidate
- if self.load_from_df(idx, cand) is not None
- }
-
- hint = self.load_from_df(idx, 'hint')
- if hint is not None:
- question = hint + '\n' + question
- for key, item in options.items():
- question += f'\n{key}. {item}'
- if self.language == 'cn':
- question = question + '\n' + self.prompt['cn']
- else:
- question = question + '\n' + self.prompt['en']
-
- images, conversation = process_conversation(images, question)
-
- return {
- 'question': question,
- 'images': images,
- 'conversation': conversation,
- 'answer': answer,
- 'index': index,
- 'option': options
- }
-
- def load_from_df(self, idx, key):
- if key in self.df.iloc[idx] and not pd.isna(self.df.iloc[idx][key]):
- return self.df.iloc[idx][key]
- else:
- return None
-
-
-class InferenceSampler(torch.utils.data.sampler.Sampler):
-
- def __init__(self, size):
- self._size = int(size)
- assert size > 0
- self._rank = torch.distributed.get_rank()
- self._world_size = torch.distributed.get_world_size()
- self._local_indices = self._get_local_indices(size, self._world_size, self._rank)
-
- @staticmethod
- def _get_local_indices(total_size, world_size, rank):
- shard_size = total_size // world_size
- left = total_size % world_size
- shard_sizes = [shard_size + int(r < left) for r in range(world_size)]
-
- begin = sum(shard_sizes[:rank])
- end = min(sum(shard_sizes[:rank + 1]), total_size)
- return range(begin, end)
-
- def __iter__(self):
- yield from self._local_indices
-
- def __len__(self):
- return len(self._local_indices)
-
-
-def post_process(pred, option):
- pred = pred.strip()
- option_candidate = list(option.keys())
- if len(pred) == 1:
- return pred
- if len(pred) == 0:
- pred = "C"
- elif len(pred) != 1 and pred[0] in option_candidate:
- return pred[0]
- elif len(pred) != 1 and pred[0] not in option_candidate:
- for k, v in option.items():
- if v in pred:
- return k
-
- return pred
-
-
-def evaluate_chat_model():
- random.seed(args.seed)
-
- for ds_name in args.datasets:
- dataset = MMBenchDataset(
- root=ds_collections[ds_name]['root'],
- prompt=prompt,
- language=ds_collections[ds_name]['language'],
- )
- dataloader = torch.utils.data.DataLoader(
- dataset=dataset,
- sampler=InferenceSampler(len(dataset)),
- batch_size=args.batch_size,
- num_workers=args.num_workers,
- pin_memory=True,
- drop_last=False,
- collate_fn=collate_fn,
- )
-
- outputs = []
- for _, (questions, images, conversation, answers, indexes, options) in tqdm(enumerate(dataloader)):
- pred = model.chat(
- tokenizer,
- new_token_ids,
- image_transform,
- images=images[0], # batch=1
- prompt=conversation[0], # batch=1
- max_length=ds_collections[ds_name]['max_new_tokens'], # TODO: how to use ds_collections[ds_name]['min_new_tokens']
- )
- preds = [post_process(pred, options[0])]
-
- for question, pred, answer, index in zip(questions, preds, answers, indexes):
- outputs.append({
- 'question': question,
- 'answer': pred,
- 'gt_answers': answer,
- 'index': int(index)
- })
-
- torch.distributed.barrier()
-
- world_size = torch.distributed.get_world_size()
- merged_outputs = [None for _ in range(world_size)]
- torch.distributed.all_gather_object(merged_outputs, json.dumps(outputs))
-
- merged_outputs = [json.loads(_) for _ in merged_outputs]
- merged_outputs = [_ for _ in itertools.chain.from_iterable(merged_outputs)]
-
- if torch.distributed.get_rank() == 0:
- print(f'Evaluating {ds_name} ...')
- results_file = 'results.xlsx'
- output_path = os.path.join(args.out_dir, results_file)
- df = pd.read_table(ds_collections[ds_name]['root'])
- cur_df = df.copy()
- if 'mmbench' in ds_name:
- cur_df = cur_df.drop(columns=['hint', 'category', 'source', 'image', 'comment', 'l2-category'])
- cur_df.insert(6, 'prediction', None)
- else:
- cur_df = cur_df.drop(columns=['category', 'image'])
- cur_df.insert(8, 'prediction', None)
- for item in merged_outputs:
- cur_df.loc[df['index'] == item['index'], 'prediction'] = item['answer']
-
- cur_df.to_excel(output_path, index=False, engine='openpyxl')
- print('Results saved to {}'.format(output_path))
-
-
-if __name__ == '__main__':
- parser = argparse.ArgumentParser()
- parser.add_argument('--datasets', type=str, default='mmbench_dev_20230712')
- parser.add_argument('--batch-size', type=int, default=1)
- parser.add_argument('--num-workers', type=int, default=1)
- parser.add_argument('--out-dir', type=str, default='results')
- parser.add_argument('--seed', type=int, default=0)
- parser.add_argument('--model-path', type=str, default='hf/BAGEL-7B-MoT/')
- args = parser.parse_args()
-
- if not os.path.exists(args.out_dir):
- os.makedirs(args.out_dir, exist_ok=True)
-
- args.datasets = args.datasets.split(',')
- print('datasets:', args.datasets)
- assert args.batch_size == 1, 'Only batch size 1 is supported'
-
- torch.distributed.init_process_group(
- backend='nccl',
- world_size=int(os.getenv('WORLD_SIZE', '1')),
- rank=int(os.getenv('RANK', '0')),
- )
-
- torch.cuda.set_device(int(os.getenv('LOCAL_RANK', 0)))
-
- model, tokenizer, new_token_ids = load_model_and_tokenizer(args)
- image_transform = build_transform()
-
- total_params = sum(p.numel() for p in model.parameters()) / 1e9
- print(f'[test] total_params: {total_params}B')
-
- prompt = {
- 'en': "Answer with the option's letter from the given choices directly.",
- 'cn': '请直接回答选项字母。'
- }
- evaluate_chat_model()
diff --git a/eval/vlm/eval/mme/Your_Results/OCR.txt b/eval/vlm/eval/mme/Your_Results/OCR.txt
deleted file mode 100644
index 7516e67f7f4ed9ffa1f484c7dde03e35e22c1482..0000000000000000000000000000000000000000
--- a/eval/vlm/eval/mme/Your_Results/OCR.txt
+++ /dev/null
@@ -1,40 +0,0 @@
-0001.jpg Is the word in the logo "angie's"? Please answer yes or no. Yes
-0001.jpg Is the word in the logo "angle's"? Please answer yes or no. No
-0002.jpg Is the word in the logo "c'est cheese"? Please answer yes or no. Yes
-0002.jpg Is the word in the logo "crest cheese"? Please answer yes or no. No
-0003.jpg Is the word in the logo "beavertails pastry"? Please answer yes or no. Yes
-0003.jpg Is the word in the logo "beavertalls pastry"? Please answer yes or no. No
-0004.jpg Is the word in the logo "old market sundries"? Please answer yes or no. Yes
-0004.jpg Is the word in the logo "old market hundreds"? Please answer yes or no. No
-0005.jpg Is the word in the logo "kress"? Please answer yes or no. Yes
-0005.jpg Is the word in the logo "dress"? Please answer yes or no. No
-0006.jpg Is the word in the logo "the beatles story liver pool"? Please answer yes or no. Yes
-0006.jpg Is the word in the logo "the beats story liver pool"? Please answer yes or no. No
-0007.jpg Is the phone number in the picture "0131 555 6363"? Please answer yes or no. Yes
-0007.jpg Is the phone number in the picture "0137 556 6363"? Please answer yes or no. No
-0008.jpg Is the word in the logo "phil's market"? Please answer yes or no. Yes
-0008.jpg Is the word in the logo "phll's market"? Please answer yes or no. No
-0009.jpg Is the word in the logo "fenders diner"? Please answer yes or no. Yes
-0009.jpg Is the word in the logo "finders diner"? Please answer yes or no. No
-0010.jpg Is the word in the logo "high time coffee shop"? Please answer yes or no. Yes
-0010.jpg Is the word in the logo "high tite cofeee shop"? Please answer yes or no. No
-0011.jpg Is the word in the logo "ihop restaurant"? Please answer yes or no. Yes
-0011.jpg Is the word in the logo "lhop restaurant"? Please answer yes or no. No
-0012.jpg Is the word in the logo "casa grecque restaurants"? Please answer yes or no. Yes
-0012.jpg Is the word in the logo "case grecque restaurants"? Please answer yes or no. No
-0013.jpg Is the word in the picture "seabreeze motel"? Please answer yes or no. Yes
-0013.jpg Is the word in the picture "seebreeze model"? Please answer yes or no. No
-0014.jpg Is the word in the logo "penarth pier built 1894"? Please answer yes or no. Yes
-0014.jpg Is the word in the logo "penarth pies buid 1894"? Please answer yes or no. No
-0015.jpg Is the text in the picture "hollywood"? Please answer yes or no. Yes
-0015.jpg Is the text in the picture "holly word"? Please answer yes or no. No
-0016.jpg Is the word in the logo "shop rite"? Please answer yes or no. Yes
-0016.jpg Is the word in the logo "stop rite"? Please answer yes or no. No
-0017.jpg Is the word in the logo "hardco industrial construction"? Please answer yes or no. Yes
-0017.jpg Is the word in the logo "hardto industal construction"? Please answer yes or no. No
-0018.jpg Is the word in the logo "oldsmobile service"? Please answer yes or no. Yes
-0018.jpg Is the word in the logo "old mobile service"? Please answer yes or no. No
-0019.jpg Is the word in the logo "exchange hotel"? Please answer yes or no. Yes
-0019.jpg Is the word in the logo "excharge hotel"? Please answer yes or no. No
-0020.jpg Is the word in the logo "cold drinks"? Please answer yes or no. Yes
-0020.jpg Is the word in the logo "cold rinks"? Please answer yes or no. No
diff --git a/eval/vlm/eval/mme/Your_Results/artwork.txt b/eval/vlm/eval/mme/Your_Results/artwork.txt
deleted file mode 100644
index 4ff2d5e12fd5067d22f93c0d06aeafd622c4e32f..0000000000000000000000000000000000000000
--- a/eval/vlm/eval/mme/Your_Results/artwork.txt
+++ /dev/null
@@ -1,400 +0,0 @@
-10002.jpg Does this artwork exist in the form of painting? Please answer yes or no. Yes
-10002.jpg Does this artwork exist in the form of glassware? Please answer yes or no. No
-10049.jpg Does this artwork exist in the form of painting? Please answer yes or no. Yes
-10049.jpg Does this artwork exist in the form of sculpture? Please answer yes or no. No
-10256.jpg Does this artwork exist in the form of painting? Please answer yes or no. Yes
-10256.jpg Does this artwork exist in the form of sculpture? Please answer yes or no. No
-10358.jpg Does this artwork exist in the form of painting? Please answer yes or no. Yes
-10358.jpg Does this artwork exist in the form of glassware? Please answer yes or no. No
-10543.jpg Is this artwork displayed in fogg art museum, harvard university, cambridge? Please answer yes or no. Yes
-10543.jpg Is this artwork displayed in museo civico, pistoia? Please answer yes or no. No
-10581.jpg Does this artwork belong to the type of portrait? Please answer yes or no. Yes
-10581.jpg Does this artwork belong to the type of genre? Please answer yes or no. No
-1060.jpg Is this artwork created by antoniazzo romano? Please answer yes or no. Yes
-1060.jpg Is this artwork created by gentile da fabriano? Please answer yes or no. No
-10881.jpg Does this artwork exist in the form of painting? Please answer yes or no. Yes
-10881.jpg Does this artwork exist in the form of tapestry? Please answer yes or no. No
-10970.jpg Does this artwork belong to the type of religious? Please answer yes or no. Yes
-10970.jpg Does this artwork belong to the type of study? Please answer yes or no. No
-11276.jpg Does this artwork exist in the form of sculpture? Please answer yes or no. Yes
-11276.jpg Does this artwork exist in the form of graphics? Please answer yes or no. No
-11331.jpg Is this artwork created by donatello? Please answer yes or no. Yes
-11331.jpg Is this artwork created by zichy, mihály? Please answer yes or no. No
-11488.jpg Does this artwork belong to the type of mythological? Please answer yes or no. Yes
-11488.jpg Does this artwork belong to the type of historical? Please answer yes or no. No
-11724.jpg Is this artwork created by duccio di buoninsegna? Please answer yes or no. Yes
-11724.jpg Is this artwork created by giani, felice? Please answer yes or no. No
-11726.jpg Is this artwork titled temptation on the mountain (detail)? Please answer yes or no. Yes
-11726.jpg Is this artwork titled in the forest of fontainebleau? Please answer yes or no. No
-12133.jpg Is this artwork titled hand study with bible? Please answer yes or no. Yes
-12133.jpg Is this artwork titled self-portrait aged 78? Please answer yes or no. No
-12439.jpg Is this artwork created by dürer, albrecht? Please answer yes or no. Yes
-12439.jpg Is this artwork created by koekkoek, barend cornelis? Please answer yes or no. No
-12561.jpg Is this artwork created by eberlein, gustav heinrich? Please answer yes or no. Yes
-12561.jpg Is this artwork created by gillemans, jan pauwel the younger? Please answer yes or no. No
-12652.jpg Is this artwork displayed in stedelijk museum de lakenhal, leiden? Please answer yes or no. Yes
-12652.jpg Is this artwork displayed in palazzo ducale, mantua? Please answer yes or no. No
-12736.jpg Is this artwork displayed in cannon hall museum, barnsley? Please answer yes or no. Yes
-12736.jpg Is this artwork displayed in protestant parish church, gelnhausen? Please answer yes or no. No
-12902.jpg Is this artwork displayed in private collection? Please answer yes or no. Yes
-12902.jpg Is this artwork displayed in musée national gustave-moreau, paris? Please answer yes or no. No
-12908.jpg Is this artwork titled ruth and boaz? Please answer yes or no. Yes
-12908.jpg Is this artwork titled view of dresden from the right bank of the elbe with the augustus bridge? Please answer yes or no. No
-13091.jpg Is this artwork titled italianate landscape with figures by classical ruins? Please answer yes or no. Yes
-13091.jpg Is this artwork titled two boys singing? Please answer yes or no. No
-13174.jpg Is this artwork titled nobility? Please answer yes or no. Yes
-13174.jpg Is this artwork titled aretino in the studio of tintoretto? Please answer yes or no. No
-13239.jpg Is this artwork titled doge ziani receiving the benediction of pope alexander iii? Please answer yes or no. Yes
-13239.jpg Is this artwork titled the adoration of the shepherds? Please answer yes or no. No
-13288.jpg Does this artwork exist in the form of architecture? Please answer yes or no. Yes
-13288.jpg Does this artwork exist in the form of metalwork? Please answer yes or no. No
-13696.jpg Is this artwork displayed in pinacoteca nazionale, siena? Please answer yes or no. Yes
-13696.jpg Is this artwork displayed in british embassy, paris? Please answer yes or no. No
-13760.jpg Is this artwork titled noli me tangere? Please answer yes or no. Yes
-13760.jpg Is this artwork titled profile study of a bearded man? Please answer yes or no. No
-13821.jpg Is this artwork created by frangipane, niccolò? Please answer yes or no. Yes
-13821.jpg Is this artwork created by drevet, pierre? Please answer yes or no. No
-13901.jpg Does this artwork exist in the form of painting? Please answer yes or no. Yes
-13901.jpg Does this artwork exist in the form of metalwork? Please answer yes or no. No
-14283.jpg Does this artwork exist in the form of painting? Please answer yes or no. Yes
-14283.jpg Does this artwork exist in the form of mosaic? Please answer yes or no. No
-14499.jpg Does this artwork belong to the type of religious? Please answer yes or no. Yes
-14499.jpg Does this artwork belong to the type of mythological? Please answer yes or no. No
-14777.jpg Does this artwork belong to the type of religious? Please answer yes or no. Yes
-14777.jpg Does this artwork belong to the type of historical? Please answer yes or no. No
-15028.jpg Does this artwork belong to the type of portrait? Please answer yes or no. Yes
-15028.jpg Does this artwork belong to the type of study? Please answer yes or no. No
-15232.jpg Is this artwork created by giordano, luca? Please answer yes or no. Yes
-15232.jpg Is this artwork created by heyerdahl, hans olaf? Please answer yes or no. No
-15246.jpg Is this artwork displayed in palazzo medici riccardi, florence? Please answer yes or no. Yes
-15246.jpg Is this artwork displayed in abbey church of sainte-foy, conques (aveyron)? Please answer yes or no. No
-15311.jpg Is this artwork created by giorgione? Please answer yes or no. Yes
-15311.jpg Is this artwork created by marilhat, prosper? Please answer yes or no. No
-15989.jpg Is this artwork displayed in pinacoteca, vatican? Please answer yes or no. Yes
-15989.jpg Is this artwork displayed in cathedral museum, zamora? Please answer yes or no. No
-16006.jpg Is this artwork displayed in private collection? Please answer yes or no. Yes
-16006.jpg Is this artwork displayed in cathedral of san geminiano, modena? Please answer yes or no. No
-16249.jpg Does this artwork belong to the type of landscape? Please answer yes or no. Yes
-16249.jpg Does this artwork belong to the type of religious? Please answer yes or no. No
-16538.jpg Is this artwork created by gogh, vincent van? Please answer yes or no. Yes
-16538.jpg Is this artwork created by altdorfer, albrecht? Please answer yes or no. No
-16835.jpg Does this artwork exist in the form of painting? Please answer yes or no. Yes
-16835.jpg Does this artwork exist in the form of illumination? Please answer yes or no. No
-16911.jpg Is this artwork created by gossart, jan? Please answer yes or no. Yes
-16911.jpg Is this artwork created by stanzione, massimo? Please answer yes or no. No
-17311.jpg Does this artwork belong to the type of religious? Please answer yes or no. Yes
-17311.jpg Does this artwork belong to the type of interior? Please answer yes or no. No
-17317.jpg Is this artwork created by gozzoli, benozzo? Please answer yes or no. Yes
-17317.jpg Is this artwork created by coriolano, cristoforo? Please answer yes or no. No
-17535.jpg Is this artwork created by grebber, pieter de? Please answer yes or no. Yes
-17535.jpg Is this artwork created by massys, quentin? Please answer yes or no. No
-17823.jpg Is this artwork created by greuze, jean-baptiste? Please answer yes or no. Yes
-17823.jpg Is this artwork created by landseer, sir edwin henry? Please answer yes or no. No
-17838.jpg Does this artwork exist in the form of painting? Please answer yes or no. Yes
-17838.jpg Does this artwork exist in the form of furniture? Please answer yes or no. No
-17998.jpg Does this artwork belong to the type of religious? Please answer yes or no. Yes
-17998.jpg Does this artwork belong to the type of genre? Please answer yes or no. No
-18566.jpg Is this artwork created by hamen, juan van der? Please answer yes or no. Yes
-18566.jpg Is this artwork created by starnina, gherardo di jacopo? Please answer yes or no. No
-18604.jpg Is this artwork created by hardouin-mansart, jules? Please answer yes or no. Yes
-18604.jpg Is this artwork created by kerseboom, friedrich? Please answer yes or no. No
-18722.jpg Does this artwork exist in the form of painting? Please answer yes or no. Yes
-18722.jpg Does this artwork exist in the form of sculpture? Please answer yes or no. No
-1873.jpg Does this artwork exist in the form of architecture? Please answer yes or no. Yes
-1873.jpg Does this artwork exist in the form of painting? Please answer yes or no. No
-18902.jpg Is this artwork created by herrera, francisco de, the elder? Please answer yes or no. Yes
-18902.jpg Is this artwork created by ingres, jean-auguste-dominique? Please answer yes or no. No
-18926.jpg Is this artwork created by herring, john frederick the younger? Please answer yes or no. Yes
-18926.jpg Is this artwork created by cozens, john robert? Please answer yes or no. No
-19087.jpg Does this artwork exist in the form of painting? Please answer yes or no. Yes
-19087.jpg Does this artwork exist in the form of metalwork? Please answer yes or no. No
-19154.jpg Is this artwork titled portrait of the merchant georg gisze (detail)? Please answer yes or no. Yes
-19154.jpg Is this artwork titled pair of table candlesticks? Please answer yes or no. No
-19417.jpg Does this artwork exist in the form of painting? Please answer yes or no. Yes
-19417.jpg Does this artwork exist in the form of mosaic? Please answer yes or no. No
-19452.jpg Is this artwork titled the artist and his model? Please answer yes or no. Yes
-19452.jpg Is this artwork titled the lovesick maiden (detail)? Please answer yes or no. No
-19839.jpg Is this artwork created by janneck, franz christoph? Please answer yes or no. Yes
-19839.jpg Is this artwork created by goupil, jules-adolphe? Please answer yes or no. No
-19863.jpg Does this artwork belong to the type of religious? Please answer yes or no. Yes
-19863.jpg Does this artwork belong to the type of mythological? Please answer yes or no. No
-19993.jpg Is this artwork displayed in private collection? Please answer yes or no. Yes
-19993.jpg Is this artwork displayed in cathedral of st paul, liège? Please answer yes or no. No
-20176.jpg Does this artwork exist in the form of painting? Please answer yes or no. Yes
-20176.jpg Does this artwork exist in the form of furniture? Please answer yes or no. No
-20437.jpg Does this artwork exist in the form of painting? Please answer yes or no. Yes
-20437.jpg Does this artwork exist in the form of tapestry? Please answer yes or no. No
-20442.jpg Is this artwork created by kucharski, aleksander? Please answer yes or no. Yes
-20442.jpg Is this artwork created by pourbus, frans the elder? Please answer yes or no. No
-20455.jpg Does this artwork exist in the form of painting? Please answer yes or no. Yes
-20455.jpg Does this artwork exist in the form of metalwork? Please answer yes or no. No
-20483.jpg Is this artwork titled allegory of the regency? Please answer yes or no. Yes
-20483.jpg Is this artwork titled breton woman bathing? Please answer yes or no. No
-20490.jpg Does this artwork exist in the form of painting? Please answer yes or no. Yes
-20490.jpg Does this artwork exist in the form of illumination? Please answer yes or no. No
-20551.jpg Is this artwork created by lagrenée, jean-jacques? Please answer yes or no. Yes
-20551.jpg Is this artwork created by scultori, diana? Please answer yes or no. No
-20651.jpg Is this artwork titled a highland landscape? Please answer yes or no. Yes
-20651.jpg Is this artwork titled a dog and a cat fighting in a kitchen interior? Please answer yes or no. No
-20724.jpg Does this artwork belong to the type of portrait? Please answer yes or no. Yes
-20724.jpg Does this artwork belong to the type of landscape? Please answer yes or no. No
-21048.jpg Is this artwork created by lemoyne, jean-baptiste ii? Please answer yes or no. Yes
-21048.jpg Is this artwork created by kneller, sir godfrey? Please answer yes or no. No
-21097.jpg Does this artwork belong to the type of religious? Please answer yes or no. Yes
-21097.jpg Does this artwork belong to the type of genre? Please answer yes or no. No
-21244.jpg Does this artwork belong to the type of study? Please answer yes or no. Yes
-21244.jpg Does this artwork belong to the type of portrait? Please answer yes or no. No
-21469.jpg Does this artwork belong to the type of genre? Please answer yes or no. Yes
-21469.jpg Does this artwork belong to the type of still-life? Please answer yes or no. No
-21580.jpg Is this artwork created by linard, jacques? Please answer yes or no. Yes
-21580.jpg Is this artwork created by bonino da campione? Please answer yes or no. No
-21712.jpg Is this artwork titled st john the evangelist resuscitating drusiana? Please answer yes or no. Yes
-21712.jpg Is this artwork titled la finette? Please answer yes or no. No
-22329.jpg Is this artwork titled marriage of the virgin? Please answer yes or no. Yes
-22329.jpg Is this artwork titled landscape with river and figures (detail)? Please answer yes or no. No
-22366.jpg Does this artwork exist in the form of painting? Please answer yes or no. Yes
-22366.jpg Does this artwork exist in the form of glassware? Please answer yes or no. No
-22667.jpg Is this artwork displayed in private collection? Please answer yes or no. Yes
-22667.jpg Is this artwork displayed in san francesco d'assisi, pavia? Please answer yes or no. No
-22760.jpg Is this artwork titled madonna and child (detail)? Please answer yes or no. Yes
-22760.jpg Is this artwork titled view of the south and east walls? Please answer yes or no. No
-22842.jpg Is this artwork titled ukrainian peasant girl? Please answer yes or no. Yes
-22842.jpg Is this artwork titled virtue crowning merit? Please answer yes or no. No
-23229.jpg Is this artwork displayed in national gallery, london? Please answer yes or no. Yes
-23229.jpg Is this artwork displayed in notre-dame-la-riche, tours? Please answer yes or no. No
-23427.jpg Is this artwork displayed in the hermitage, st. petersburg? Please answer yes or no. Yes
-23427.jpg Is this artwork displayed in national gallery of victoria, melbourne? Please answer yes or no. No
-23465.jpg Is this artwork displayed in private collection? Please answer yes or no. Yes
-23465.jpg Is this artwork displayed in cistertian church, zirc? Please answer yes or no. No
-23824.jpg Is this artwork titled christ walking on the water? Please answer yes or no. Yes
-23824.jpg Is this artwork titled mademoiselle romaine lacaux? Please answer yes or no. No
-24122.jpg Is this artwork displayed in museo correr, venice? Please answer yes or no. Yes
-24122.jpg Is this artwork displayed in church of brou, bourg-en-bresse? Please answer yes or no. No
-24260.jpg Does this artwork exist in the form of painting? Please answer yes or no. Yes
-24260.jpg Does this artwork exist in the form of illumination? Please answer yes or no. No
-24291.jpg Is this artwork titled virgin and child with sts catherine, cecilia, barbara, and ursula? Please answer yes or no. Yes
-24291.jpg Is this artwork titled sorrow? Please answer yes or no. No
-24723.jpg Is this artwork titled tomb of henry the lion and his wife matilda? Please answer yes or no. Yes
-24723.jpg Is this artwork titled god the father? Please answer yes or no. No
-2490.jpg Does this artwork belong to the type of landscape? Please answer yes or no. Yes
-2490.jpg Does this artwork belong to the type of mythological? Please answer yes or no. No
-2507.jpg Is this artwork displayed in private collection? Please answer yes or no. Yes
-2507.jpg Is this artwork displayed in st. vitus's cathedral, prague? Please answer yes or no. No
-25312.jpg Does this artwork exist in the form of painting? Please answer yes or no. Yes
-25312.jpg Does this artwork exist in the form of metalwork? Please answer yes or no. No
-25476.jpg Is this artwork created by michelangelo buonarroti? Please answer yes or no. Yes
-25476.jpg Is this artwork created by beuckelaer, joachim? Please answer yes or no. No
-25492.jpg Does this artwork exist in the form of sculpture? Please answer yes or no. Yes
-25492.jpg Does this artwork exist in the form of illumination? Please answer yes or no. No
-25513.jpg Does this artwork belong to the type of religious? Please answer yes or no. Yes
-25513.jpg Does this artwork belong to the type of landscape? Please answer yes or no. No
-26521.jpg Does this artwork exist in the form of illumination? Please answer yes or no. Yes
-26521.jpg Does this artwork exist in the form of furniture? Please answer yes or no. No
-26973.jpg Does this artwork belong to the type of religious? Please answer yes or no. Yes
-26973.jpg Does this artwork belong to the type of mythological? Please answer yes or no. No
-27021.jpg Is this artwork created by miniaturist, german? Please answer yes or no. Yes
-27021.jpg Is this artwork created by trinquesse, louis-rolland? Please answer yes or no. No
-27662.jpg Does this artwork belong to the type of still-life? Please answer yes or no. Yes
-27662.jpg Does this artwork belong to the type of mythological? Please answer yes or no. No
-27936.jpg Does this artwork belong to the type of portrait? Please answer yes or no. Yes
-27936.jpg Does this artwork belong to the type of interior? Please answer yes or no. No
-28039.jpg Is this artwork displayed in cappella palatina, palermo? Please answer yes or no. Yes
-28039.jpg Is this artwork displayed in musée des beaux-arts, chambéry? Please answer yes or no. No
-28345.jpg Does this artwork exist in the form of painting? Please answer yes or no. Yes
-28345.jpg Does this artwork exist in the form of tapestry? Please answer yes or no. No
-28400.jpg Does this artwork belong to the type of religious? Please answer yes or no. Yes
-28400.jpg Does this artwork belong to the type of portrait? Please answer yes or no. No
-28698.jpg Does this artwork belong to the type of religious? Please answer yes or no. Yes
-28698.jpg Does this artwork belong to the type of still-life? Please answer yes or no. No
-28758.jpg Does this artwork exist in the form of painting? Please answer yes or no. Yes
-28758.jpg Does this artwork exist in the form of graphics? Please answer yes or no. No
-28974.jpg Is this artwork titled prayer before the meal? Please answer yes or no. Yes
-28974.jpg Is this artwork titled rest in the mountains? Please answer yes or no. No
-29266.jpg Is this artwork created by palma vecchio? Please answer yes or no. Yes
-29266.jpg Is this artwork created by maris, jacobus hendricus? Please answer yes or no. No
-30443.jpg Is this artwork titled the crucifixion with sts jerome and christopher? Please answer yes or no. Yes
-30443.jpg Is this artwork titled tomb of michelangelo (detail)? Please answer yes or no. No
-3085.jpg Is this artwork created by bartsius, willem? Please answer yes or no. Yes
-3085.jpg Is this artwork created by oehme, ernst ferdinand? Please answer yes or no. No
-30875.jpg Is this artwork created by pomarancio? Please answer yes or no. Yes
-30875.jpg Is this artwork created by steen, jan? Please answer yes or no. No
-3114.jpg Does this artwork belong to the type of religious? Please answer yes or no. Yes
-3114.jpg Does this artwork belong to the type of study? Please answer yes or no. No
-31808.jpg Is this artwork created by raffaello sanzio? Please answer yes or no. Yes
-31808.jpg Is this artwork created by simon von taisten? Please answer yes or no. No
-32147.jpg Is this artwork titled lucretia? Please answer yes or no. Yes
-32147.jpg Is this artwork titled rinaldo abandoning armida (detail)? Please answer yes or no. No
-3241.jpg Is this artwork titled holy family? Please answer yes or no. Yes
-3241.jpg Is this artwork titled friedrich iii, the wise, and johann i, the constant, electors of saxony? Please answer yes or no. No
-33017.jpg Does this artwork exist in the form of painting? Please answer yes or no. Yes
-33017.jpg Does this artwork exist in the form of glassware? Please answer yes or no. No
-33069.jpg Does this artwork belong to the type of historical? Please answer yes or no. Yes
-33069.jpg Does this artwork belong to the type of interior? Please answer yes or no. No
-33173.jpg Does this artwork exist in the form of painting? Please answer yes or no. Yes
-33173.jpg Does this artwork exist in the form of graphics? Please answer yes or no. No
-33753.jpg Is this artwork titled vanitas? Please answer yes or no. Yes
-33753.jpg Is this artwork titled legend of st francis: 18. apparition at arles (detail)? Please answer yes or no. No
-33854.jpg Does this artwork belong to the type of religious? Please answer yes or no. Yes
-33854.jpg Does this artwork belong to the type of study? Please answer yes or no. No
-339.jpg Is this artwork displayed in staatliche museen, berlin? Please answer yes or no. Yes
-339.jpg Is this artwork displayed in national museum of religious carvings, valladolid? Please answer yes or no. No
-33933.jpg Is this artwork titled madonna and child? Please answer yes or no. Yes
-33933.jpg Is this artwork titled the bacino di san marco? Please answer yes or no. No
-3404.jpg Is this artwork displayed in szépmûvészeti múzeum, budapest? Please answer yes or no. Yes
-3404.jpg Is this artwork displayed in s. eustorgio, milan? Please answer yes or no. No
-34109.jpg Is this artwork displayed in national gallery of art, washington? Please answer yes or no. Yes
-34109.jpg Is this artwork displayed in abbey church of sainte-foy, conques? Please answer yes or no. No
-34363.jpg Is this artwork displayed in museo del prado, madrid? Please answer yes or no. Yes
-34363.jpg Is this artwork displayed in state tretyakov gallery, moscow? Please answer yes or no. No
-34539.jpg Is this artwork titled the victory of eucharistic truth over heresy? Please answer yes or no. Yes
-34539.jpg Is this artwork titled a sunday afternoon on the ile de la grande jatte? Please answer yes or no. No
-34627.jpg Does this artwork belong to the type of landscape? Please answer yes or no. Yes
-34627.jpg Does this artwork belong to the type of genre? Please answer yes or no. No
-34638.jpg Does this artwork exist in the form of painting? Please answer yes or no. Yes
-34638.jpg Does this artwork exist in the form of tapestry? Please answer yes or no. No
-34669.jpg Does this artwork belong to the type of mythological? Please answer yes or no. Yes
-34669.jpg Does this artwork belong to the type of historical? Please answer yes or no. No
-35345.jpg Does this artwork belong to the type of religious? Please answer yes or no. Yes
-35345.jpg Does this artwork belong to the type of landscape? Please answer yes or no. No
-35439.jpg Is this artwork titled madonna and child with a host of musical angels? Please answer yes or no. Yes
-35439.jpg Is this artwork titled garden in fontenay? Please answer yes or no. No
-35460.jpg Is this artwork created by schinkel, karl friedrich? Please answer yes or no. Yes
-35460.jpg Is this artwork created by giolfino, bartolomeo? Please answer yes or no. No
-35486.jpg Does this artwork exist in the form of painting? Please answer yes or no. Yes
-35486.jpg Does this artwork exist in the form of furniture? Please answer yes or no. No
-35513.jpg Is this artwork created by schongauer, martin? Please answer yes or no. Yes
-35513.jpg Is this artwork created by cassioli, amos? Please answer yes or no. No
-3552.jpg Is this artwork titled madonna degli alberetti? Please answer yes or no. Yes
-3552.jpg Is this artwork titled peter gillis? Please answer yes or no. No
-35658.jpg Is this artwork created by sebastiano del piombo? Please answer yes or no. Yes
-35658.jpg Is this artwork created by jacobsz., dirck? Please answer yes or no. No
-35736.jpg Does this artwork belong to the type of religious? Please answer yes or no. Yes
-35736.jpg Does this artwork belong to the type of still-life? Please answer yes or no. No
-35861.jpg Does this artwork belong to the type of interior? Please answer yes or no. Yes
-35861.jpg Does this artwork belong to the type of still-life? Please answer yes or no. No
-36805.jpg Is this artwork titled weir? Please answer yes or no. Yes
-36805.jpg Is this artwork titled view of the window wall? Please answer yes or no. No
-36966.jpg Does this artwork belong to the type of portrait? Please answer yes or no. Yes
-36966.jpg Does this artwork belong to the type of religious? Please answer yes or no. No
-37010.jpg Is this artwork titled madonna and child with the young st john? Please answer yes or no. Yes
-37010.jpg Is this artwork titled sketch for attila? Please answer yes or no. No
-37077.jpg Does this artwork belong to the type of religious? Please answer yes or no. Yes
-37077.jpg Does this artwork belong to the type of still-life? Please answer yes or no. No
-37439.jpg Is this artwork titled the message? Please answer yes or no. Yes
-37439.jpg Is this artwork titled the descent from the cross? Please answer yes or no. No
-37819.jpg Is this artwork created by tiepolo, giovanni battista? Please answer yes or no. Yes
-37819.jpg Is this artwork created by kerricx, willem ignatius? Please answer yes or no. No
-37866.jpg Does this artwork belong to the type of mythological? Please answer yes or no. Yes
-37866.jpg Does this artwork belong to the type of still-life? Please answer yes or no. No
-381.jpg Does this artwork exist in the form of painting? Please answer yes or no. Yes
-381.jpg Does this artwork exist in the form of architecture? Please answer yes or no. No
-38178.jpg Is this artwork created by tintoretto? Please answer yes or no. Yes
-38178.jpg Is this artwork created by morel, jean-baptiste? Please answer yes or no. No
-38536.jpg Does this artwork exist in the form of painting? Please answer yes or no. Yes
-38536.jpg Does this artwork exist in the form of furniture? Please answer yes or no. No
-38546.jpg Does this artwork exist in the form of painting? Please answer yes or no. Yes
-38546.jpg Does this artwork exist in the form of metalwork? Please answer yes or no. No
-38694.jpg Does this artwork exist in the form of painting? Please answer yes or no. Yes
-38694.jpg Does this artwork exist in the form of metalwork? Please answer yes or no. No
-38740.jpg Is this artwork displayed in musée toulouse-lautrec, albi? Please answer yes or no. Yes
-38740.jpg Is this artwork displayed in kupferstichkabinett, gotha? Please answer yes or no. No
-38881.jpg Does this artwork belong to the type of genre? Please answer yes or no. Yes
-38881.jpg Does this artwork belong to the type of religious? Please answer yes or no. No
-38993.jpg Does this artwork exist in the form of painting? Please answer yes or no. Yes
-38993.jpg Does this artwork exist in the form of illumination? Please answer yes or no. No
-39026.jpg Does this artwork belong to the type of religious? Please answer yes or no. Yes
-39026.jpg Does this artwork belong to the type of historical? Please answer yes or no. No
-39124.jpg Does this artwork exist in the form of painting? Please answer yes or no. Yes
-39124.jpg Does this artwork exist in the form of graphics? Please answer yes or no. No
-39188.jpg Does this artwork exist in the form of painting? Please answer yes or no. Yes
-39188.jpg Does this artwork exist in the form of architecture? Please answer yes or no. No
-39482.jpg Does this artwork exist in the form of painting? Please answer yes or no. Yes
-39482.jpg Does this artwork exist in the form of metalwork? Please answer yes or no. No
-39556.jpg Is this artwork created by unknown master, dutch? Please answer yes or no. Yes
-39556.jpg Is this artwork created by cuyp, benjamin gerritsz.? Please answer yes or no. No
-41036.jpg Is this artwork displayed in kunsthistorisches museum, vienna? Please answer yes or no. Yes
-41036.jpg Is this artwork displayed in national museum of art, minsk? Please answer yes or no. No
-41371.jpg Does this artwork exist in the form of painting? Please answer yes or no. Yes
-41371.jpg Does this artwork exist in the form of architecture? Please answer yes or no. No
-41484.jpg Does this artwork belong to the type of religious? Please answer yes or no. Yes
-41484.jpg Does this artwork belong to the type of historical? Please answer yes or no. No
-41594.jpg Is this artwork created by veronese, paolo? Please answer yes or no. Yes
-41594.jpg Is this artwork created by jeaurat, etienne? Please answer yes or no. No
-416.jpg Does this artwork exist in the form of sculpture? Please answer yes or no. Yes
-416.jpg Does this artwork exist in the form of others? Please answer yes or no. No
-41653.jpg Is this artwork titled view of the sala del collegio? Please answer yes or no. Yes
-41653.jpg Is this artwork titled reine lefebvre and margot? Please answer yes or no. No
-41944.jpg Does this artwork exist in the form of painting? Please answer yes or no. Yes
-41944.jpg Does this artwork exist in the form of mosaic? Please answer yes or no. No
-42152.jpg Is this artwork titled the pieterskerk in leiden? Please answer yes or no. Yes
-42152.jpg Is this artwork titled portrait of cardinal reginald pole? Please answer yes or no. No
-42288.jpg Does this artwork exist in the form of painting? Please answer yes or no. Yes
-42288.jpg Does this artwork exist in the form of stained-glass? Please answer yes or no. No
-42303.jpg Is this artwork displayed in art museum, cincinnati? Please answer yes or no. Yes
-42303.jpg Is this artwork displayed in banca del monte di bologna e ravenna, bologna? Please answer yes or no. No
-42401.jpg Is this artwork created by waldmüller, fedinand georg? Please answer yes or no. Yes
-42401.jpg Is this artwork created by seeman, enoch? Please answer yes or no. No
-42447.jpg Is this artwork displayed in musée du louvre, paris? Please answer yes or no. Yes
-42447.jpg Is this artwork displayed in santa catarina, pisa? Please answer yes or no. No
-42585.jpg Is this artwork created by werff, pieter van der? Please answer yes or no. Yes
-42585.jpg Is this artwork created by domenichini, apollonio? Please answer yes or no. No
-42706.jpg Is this artwork displayed in musée du louvre, paris? Please answer yes or no. Yes
-42706.jpg Is this artwork displayed in galleria nazionale d'arte moderna e contemporanea, rome? Please answer yes or no. No
-42796.jpg Is this artwork displayed in private collection? Please answer yes or no. Yes
-42796.jpg Is this artwork displayed in museo di san salvi, florence? Please answer yes or no. No
-42857.jpg Does this artwork belong to the type of landscape? Please answer yes or no. Yes
-42857.jpg Does this artwork belong to the type of study? Please answer yes or no. No
-42905.jpg Is this artwork created by wit, jacob de? Please answer yes or no. Yes
-42905.jpg Is this artwork created by vittone, bernardo antonio? Please answer yes or no. No
-42941.jpg Is this artwork created by witte, emanuel de? Please answer yes or no. Yes
-42941.jpg Is this artwork created by bicci di neri? Please answer yes or no. No
-42956.jpg Is this artwork titled view of rome with the tiberand castel sant'angelo? Please answer yes or no. Yes
-42956.jpg Is this artwork titled st bonaventure enters the franciscan order? Please answer yes or no. No
-42987.jpg Is this artwork created by witz, konrad? Please answer yes or no. Yes
-42987.jpg Is this artwork created by christus, petrus? Please answer yes or no. No
-43142.jpg Does this artwork belong to the type of mythological? Please answer yes or no. Yes
-43142.jpg Does this artwork belong to the type of interior? Please answer yes or no. No
-43175.jpg Is this artwork displayed in private collection? Please answer yes or no. Yes
-43175.jpg Is this artwork displayed in smith college museum of art, northampton? Please answer yes or no. No
-43349.jpg Is this artwork created by zuccarelli, francesco? Please answer yes or no. Yes
-43349.jpg Is this artwork created by baccanelli, giovanni antonio di giulio? Please answer yes or no. No
-43445.jpg Does this artwork belong to the type of religious? Please answer yes or no. Yes
-43445.jpg Does this artwork belong to the type of interior? Please answer yes or no. No
-4836.jpg Is this artwork displayed in villa cornaro, piombino dese? Please answer yes or no. Yes
-4836.jpg Is this artwork displayed in palais saint-vaast, arras? Please answer yes or no. No
-5227.jpg Is this artwork created by botticelli, sandro? Please answer yes or no. Yes
-5227.jpg Is this artwork created by vigri, caterina? Please answer yes or no. No
-526.jpg Does this artwork exist in the form of painting? Please answer yes or no. Yes
-526.jpg Does this artwork exist in the form of tapestry? Please answer yes or no. No
-5906.jpg Is this artwork created by bronzino, agnolo? Please answer yes or no. Yes
-5906.jpg Is this artwork created by pellegrino da san daniele? Please answer yes or no. No
-6168.jpg Does this artwork exist in the form of graphics? Please answer yes or no. Yes
-6168.jpg Does this artwork exist in the form of tapestry? Please answer yes or no. No
-6297.jpg Is this artwork titled peasants making merry outside a tavern 'the swan'? Please answer yes or no. Yes
-6297.jpg Is this artwork titled allegory of quietude? Please answer yes or no. No
-6478.jpg Does this artwork belong to the type of religious? Please answer yes or no. Yes
-6478.jpg Does this artwork belong to the type of genre? Please answer yes or no. No
-6969.jpg Is this artwork titled letizia ramolino bonaparte? Please answer yes or no. Yes
-6969.jpg Is this artwork titled job and his daughters? Please answer yes or no. No
-701.jpg Does this artwork exist in the form of painting? Please answer yes or no. Yes
-701.jpg Does this artwork exist in the form of others? Please answer yes or no. No
-7702.jpg Is this artwork titled reine lefebvre and margot? Please answer yes or no. Yes
-7702.jpg Is this artwork titled fire in the oil depot at san marcuola? Please answer yes or no. No
-8101.jpg Is this artwork displayed in museu de arte, são paulo? Please answer yes or no. Yes
-8101.jpg Is this artwork displayed in national széchényi library, budapest? Please answer yes or no. No
-815.jpg Does this artwork exist in the form of painting? Please answer yes or no. Yes
-815.jpg Does this artwork exist in the form of furniture? Please answer yes or no. No
-8797.jpg Is this artwork created by coecke van aelst, pieter? Please answer yes or no. Yes
-8797.jpg Is this artwork created by abaquesne, masséot? Please answer yes or no. No
-8885.jpg Is this artwork displayed in art museum, saint louis? Please answer yes or no. Yes
-8885.jpg Is this artwork displayed in museo civico d'arte antica, turin? Please answer yes or no. No
-9153.jpg Is this artwork displayed in galleria nazionale, parma? Please answer yes or no. Yes
-9153.jpg Is this artwork displayed in hospital de san bernardo, seville? Please answer yes or no. No
-9395.jpg Does this artwork exist in the form of painting? Please answer yes or no. Yes
-9395.jpg Does this artwork exist in the form of stained-glass? Please answer yes or no. No
-9405.jpg Is this artwork created by courbet, gustave? Please answer yes or no. Yes
-9405.jpg Is this artwork created by milani, aureliano? Please answer yes or no. No
-9599.jpg Does this artwork exist in the form of painting? Please answer yes or no. Yes
-9599.jpg Does this artwork exist in the form of ceramics? Please answer yes or no. No
-995.jpg Does this artwork exist in the form of sculpture? Please answer yes or no. Yes
-995.jpg Does this artwork exist in the form of painting? Please answer yes or no. No
diff --git a/eval/vlm/eval/mme/Your_Results/celebrity.txt b/eval/vlm/eval/mme/Your_Results/celebrity.txt
deleted file mode 100644
index e671c331a2048182aa42baffb89ca8cd2e6be8fb..0000000000000000000000000000000000000000
--- a/eval/vlm/eval/mme/Your_Results/celebrity.txt
+++ /dev/null
@@ -1,340 +0,0 @@
-tt0032138_shot_0395_img_0.jpg Is the actor inside the red bounding box named Frank Morgan? Please answer yes or no. Yes
-tt0032138_shot_0395_img_0.jpg Is the actor inside the red bounding box named Eric Schniewind? Please answer yes or no. No
-tt0035423_shot_0464_img_0.jpg Is the actor inside the red bounding box called Hugh Jackman? Please answer yes or no. Yes
-tt0035423_shot_0464_img_0.jpg Is the actor inside the red bounding box called Lizzie Hopley? Please answer yes or no. No
-tt0038650_shot_0737_img_1.jpg Is the person inside the red bounding box called James Stewart? Please answer yes or no. Yes
-tt0038650_shot_0737_img_1.jpg Is the person inside the red bounding box called Phil Selway? Please answer yes or no. No
-tt0047396_shot_0333_img_0.jpg Is the actor inside the red bounding box named James Stewart? Please answer yes or no. Yes
-tt0047396_shot_0333_img_0.jpg Is the actor inside the red bounding box named Ron Blair? Please answer yes or no. No
-tt0048545_shot_0124_img_0.jpg Is the actor inside the red bounding box called Natalie Wood? Please answer yes or no. Yes
-tt0048545_shot_0124_img_0.jpg Is the actor inside the red bounding box called Rebecca Jackson Mendoza? Please answer yes or no. No
-tt0049470_shot_0279_img_0.jpg Is the person inside the red bounding box called James Stewart? Please answer yes or no. Yes
-tt0049470_shot_0279_img_0.jpg Is the person inside the red bounding box called Matt Pashkow? Please answer yes or no. No
-tt0049730_shot_0273_img_0.jpg Is the person inside the red bounding box called Vera Miles? Please answer yes or no. Yes
-tt0049730_shot_0273_img_0.jpg Is the person inside the red bounding box called Addie Yungmee? Please answer yes or no. No
-tt0052357_shot_0511_img_0.jpg Is the actor inside the red bounding box called Kim Novak? Please answer yes or no. Yes
-tt0052357_shot_0511_img_0.jpg Is the actor inside the red bounding box called Abigail Van Alyn? Please answer yes or no. No
-tt0053221_shot_0197_img_0.jpg Is the actor inside the red bounding box named John Wayne? Please answer yes or no. Yes
-tt0053221_shot_0197_img_0.jpg Is the actor inside the red bounding box named Claude-Oliver Rudolph? Please answer yes or no. No
-tt0054167_shot_0122_img_0.jpg Is the person inside the red bounding box called Anna Massey? Please answer yes or no. Yes
-tt0054167_shot_0122_img_0.jpg Is the person inside the red bounding box called Eddie Tagoe? Please answer yes or no. No
-tt0056869_shot_0320_img_0.jpg Is the person inside the red bounding box called Tippi Hedren? Please answer yes or no. Yes
-tt0056869_shot_0320_img_0.jpg Is the person inside the red bounding box called Denise Mack? Please answer yes or no. No
-tt0056923_shot_0835_img_0.jpg Is the actor inside the red bounding box called Audrey Hepburn? Please answer yes or no. Yes
-tt0056923_shot_0835_img_0.jpg Is the actor inside the red bounding box called Chris April? Please answer yes or no. No
-tt0057115_shot_0686_img_0.jpg Is the person inside the red bounding box named James Garner? Please answer yes or no. Yes
-tt0057115_shot_0686_img_0.jpg Is the person inside the red bounding box named Chutimon Chuengcharoensukying? Please answer yes or no. No
-tt0058331_shot_0353_img_0.jpg Is the actor inside the red bounding box named Julie Andrews? Please answer yes or no. Yes
-tt0058331_shot_0353_img_0.jpg Is the actor inside the red bounding box named Ed Geldart? Please answer yes or no. No
-tt0058461_shot_0901_img_0.jpg Is the actor inside the red bounding box called Gian Maria Volontè? Please answer yes or no. Yes
-tt0058461_shot_0901_img_0.jpg Is the actor inside the red bounding box called Jennifer Connelly? Please answer yes or no. No
-tt0061418_shot_0148_img_0.jpg Is the actor inside the red bounding box named Faye Dunaway? Please answer yes or no. Yes
-tt0061418_shot_0148_img_0.jpg Is the actor inside the red bounding box named Warona Seane? Please answer yes or no. No
-tt0061722_shot_0259_img_0.jpg Is the actor inside the red bounding box called Dustin Hoffman? Please answer yes or no. Yes
-tt0061722_shot_0259_img_0.jpg Is the actor inside the red bounding box called Christopher Olsen? Please answer yes or no. No
-tt0062622_shot_0291_img_0.jpg Is the actor inside the red bounding box named Keir Dullea? Please answer yes or no. Yes
-tt0062622_shot_0291_img_0.jpg Is the actor inside the red bounding box named Frank Albanese? Please answer yes or no. No
-tt0063442_shot_0702_img_0.jpg Is the actor inside the red bounding box called Linda Harrison? Please answer yes or no. Yes
-tt0063442_shot_0702_img_0.jpg Is the actor inside the red bounding box called Michael McKean? Please answer yes or no. No
-tt0064115_shot_0367_img_0.jpg Is the actor inside the red bounding box named Robert Redford? Please answer yes or no. Yes
-tt0064115_shot_0367_img_0.jpg Is the actor inside the red bounding box named Cooper Murray? Please answer yes or no. No
-tt0064665_shot_0300_img_0.jpg Is the actor inside the red bounding box called Jon Voight? Please answer yes or no. Yes
-tt0064665_shot_0300_img_0.jpg Is the actor inside the red bounding box called Harvey Meyer? Please answer yes or no. No
-tt0065214_shot_0366_img_0.jpg Is the person inside the red bounding box called Robert Ryan? Please answer yes or no. Yes
-tt0065214_shot_0366_img_0.jpg Is the person inside the red bounding box called Victor Verhaeghe? Please answer yes or no. No
-tt0065724_shot_0320_img_1.jpg Is the person inside the red bounding box named Karen Black? Please answer yes or no. Yes
-tt0065724_shot_0320_img_1.jpg Is the person inside the red bounding box named Nick Discenza? Please answer yes or no. No
-tt0066026_shot_0085_img_0.jpg Is the person inside the red bounding box called Donald Sutherland? Please answer yes or no. Yes
-tt0066026_shot_0085_img_0.jpg Is the person inside the red bounding box called Michael Wollet? Please answer yes or no. No
-tt0066921_shot_0631_img_0.jpg Is the actor inside the red bounding box called Malcolm McDowell? Please answer yes or no. Yes
-tt0066921_shot_0631_img_0.jpg Is the actor inside the red bounding box called Darling Légitimus? Please answer yes or no. No
-tt0067116_shot_0122_img_0.jpg Is the actor inside the red bounding box called Gene Hackman? Please answer yes or no. Yes
-tt0067116_shot_0122_img_0.jpg Is the actor inside the red bounding box called Russell G. Jones? Please answer yes or no. No
-tt0068646_shot_0166_img_0.jpg Is the actor inside the red bounding box called Marlon Brando? Please answer yes or no. Yes
-tt0068646_shot_0166_img_0.jpg Is the actor inside the red bounding box called Voltaire Sterling? Please answer yes or no. No
-tt0069762_shot_0723_img_0.jpg Is the person inside the red bounding box named Sissy Spacek? Please answer yes or no. Yes
-tt0069762_shot_0723_img_0.jpg Is the person inside the red bounding box named Monica Giordano? Please answer yes or no. No
-tt0070047_shot_0255_img_0.jpg Is the actor inside the red bounding box called Ellen Burstyn? Please answer yes or no. Yes
-tt0070047_shot_0255_img_0.jpg Is the actor inside the red bounding box called Shawnee Smith? Please answer yes or no. No
-tt0070379_shot_0569_img_0.jpg Is the actor inside the red bounding box named Richard Romanus? Please answer yes or no. Yes
-tt0070379_shot_0569_img_0.jpg Is the actor inside the red bounding box named Valerie Colgan? Please answer yes or no. No
-tt0070511_shot_0639_img_0.jpg Is the person inside the red bounding box called Dustin Hoffman? Please answer yes or no. Yes
-tt0070511_shot_0639_img_0.jpg Is the person inside the red bounding box called Fernando Lueches? Please answer yes or no. No
-tt0070735_shot_0818_img_0.jpg Is the person inside the red bounding box named Robert Redford? Please answer yes or no. Yes
-tt0070735_shot_0818_img_0.jpg Is the person inside the red bounding box named Ellin Dennis? Please answer yes or no. No
-tt0070849_shot_0021_img_1.jpg Is the person inside the red bounding box named Maria Schneider? Please answer yes or no. Yes
-tt0070849_shot_0021_img_1.jpg Is the person inside the red bounding box named Mary Kellogg? Please answer yes or no. No
-tt0071315_shot_0153_img_0.jpg Is the actor inside the red bounding box named Faye Dunaway? Please answer yes or no. Yes
-tt0071315_shot_0153_img_0.jpg Is the actor inside the red bounding box named Kelly Hitman? Please answer yes or no. No
-tt0071562_shot_0684_img_0.jpg Is the actor inside the red bounding box named Al Pacino? Please answer yes or no. Yes
-tt0071562_shot_0684_img_0.jpg Is the actor inside the red bounding box named Debie Jarczewski? Please answer yes or no. No
-tt0072684_shot_0512_img_1.jpg Is the person inside the red bounding box named Marisa Berenson? Please answer yes or no. Yes
-tt0072684_shot_0512_img_1.jpg Is the person inside the red bounding box named Graham Bohea? Please answer yes or no. No
-tt0073195_shot_0280_img_0.jpg Is the actor inside the red bounding box named Roy Scheider? Please answer yes or no. Yes
-tt0073195_shot_0280_img_0.jpg Is the actor inside the red bounding box named Abdul Qadir Farookh? Please answer yes or no. No
-tt0073629_shot_0700_img_0.jpg Is the person inside the red bounding box named Barry Bostwick? Please answer yes or no. Yes
-tt0073629_shot_0700_img_0.jpg Is the person inside the red bounding box named Johnny Galecki? Please answer yes or no. No
-tt0074119_shot_0814_img_0.jpg Is the actor inside the red bounding box called Robert Redford? Please answer yes or no. Yes
-tt0074119_shot_0814_img_0.jpg Is the actor inside the red bounding box called Delroy Lindo? Please answer yes or no. No
-tt0074285_shot_0535_img_1.jpg Is the person inside the red bounding box named William Katt? Please answer yes or no. Yes
-tt0074285_shot_0535_img_1.jpg Is the person inside the red bounding box named Stephen Rider? Please answer yes or no. No
-tt0075148_shot_0618_img_0.jpg Is the actor inside the red bounding box called Sylvester Stallone? Please answer yes or no. Yes
-tt0075148_shot_0618_img_0.jpg Is the actor inside the red bounding box called Eric Hatch? Please answer yes or no. No
-tt0075686_shot_0373_img_0.jpg Is the actor inside the red bounding box called Woody Allen? Please answer yes or no. Yes
-tt0075686_shot_0373_img_0.jpg Is the actor inside the red bounding box called Penny Wallace? Please answer yes or no. No
-tt0076729_shot_0451_img_0.jpg Is the actor inside the red bounding box called Sally Field? Please answer yes or no. Yes
-tt0076729_shot_0451_img_0.jpg Is the actor inside the red bounding box called Giorgio Libassi? Please answer yes or no. No
-tt0076759_shot_0930_img_0.jpg Is the actor inside the red bounding box called Harrison Ford? Please answer yes or no. Yes
-tt0076759_shot_0930_img_0.jpg Is the actor inside the red bounding box called Ryoko Sadoshima? Please answer yes or no. No
-tt0077402_shot_1220_img_0.jpg Is the person inside the red bounding box named Scott H. Reiniger? Please answer yes or no. Yes
-tt0077402_shot_1220_img_0.jpg Is the person inside the red bounding box named Chris Delaney? Please answer yes or no. No
-tt0077405_shot_0150_img_0.jpg Is the actor inside the red bounding box named Sam Shepard? Please answer yes or no. Yes
-tt0077405_shot_0150_img_0.jpg Is the actor inside the red bounding box named Bijou Phillips? Please answer yes or no. No
-tt0077416_shot_1442_img_0.jpg Is the person inside the red bounding box named Robert De Niro? Please answer yes or no. Yes
-tt0077416_shot_1442_img_0.jpg Is the person inside the red bounding box named Stu Smith? Please answer yes or no. No
-tt0077651_shot_0133_img_0.jpg Is the person inside the red bounding box called Jamie Lee Curtis? Please answer yes or no. Yes
-tt0077651_shot_0133_img_0.jpg Is the person inside the red bounding box called Paris Arrowsmith? Please answer yes or no. No
-tt0078788_shot_1434_img_0.jpg Is the person inside the red bounding box called Martin Sheen? Please answer yes or no. Yes
-tt0078788_shot_1434_img_0.jpg Is the person inside the red bounding box called Le Capriccio Français? Please answer yes or no. No
-tt0078841_shot_0692_img_0.jpg Is the actor inside the red bounding box named Shirley MacLaine? Please answer yes or no. Yes
-tt0078841_shot_0692_img_0.jpg Is the actor inside the red bounding box named Tomas Choy? Please answer yes or no. No
-tt0079417_shot_0735_img_0.jpg Is the actor inside the red bounding box called Meryl Streep? Please answer yes or no. Yes
-tt0079417_shot_0735_img_0.jpg Is the actor inside the red bounding box called Ross Lacy? Please answer yes or no. No
-tt0079470_shot_0798_img_0.jpg Is the person inside the red bounding box named Eric Idle? Please answer yes or no. Yes
-tt0079470_shot_0798_img_0.jpg Is the person inside the red bounding box named Quincy Taylor? Please answer yes or no. No
-tt0079945_shot_1411_img_0.jpg Is the person inside the red bounding box named Persis Khambatta? Please answer yes or no. Yes
-tt0079945_shot_1411_img_0.jpg Is the person inside the red bounding box named Alison Waddell? Please answer yes or no. No
-tt0080339_shot_0711_img_0.jpg Is the actor inside the red bounding box named Robert Hays? Please answer yes or no. Yes
-tt0080339_shot_0711_img_0.jpg Is the actor inside the red bounding box named Grace Sullivan? Please answer yes or no. No
-tt0080684_shot_1574_img_2.jpg Is the actor inside the red bounding box called Mark Hamill? Please answer yes or no. Yes
-tt0080684_shot_1574_img_2.jpg Is the actor inside the red bounding box called Rodion Salnikov? Please answer yes or no. No
-tt0081505_shot_0449_img_0.jpg Is the actor inside the red bounding box called Shelley Duvall? Please answer yes or no. Yes
-tt0081505_shot_0449_img_0.jpg Is the actor inside the red bounding box called Antony Carrick? Please answer yes or no. No
-tt0082089_shot_0046_img_0.jpg Is the actor inside the red bounding box named Kathleen Turner? Please answer yes or no. Yes
-tt0082089_shot_0046_img_0.jpg Is the actor inside the red bounding box named Aaron Henderson? Please answer yes or no. No
-tt0082198_shot_1353_img_0.jpg Is the person inside the red bounding box named Arnold Schwarzenegger? Please answer yes or no. Yes
-tt0082198_shot_1353_img_0.jpg Is the person inside the red bounding box named Tim Herlihy? Please answer yes or no. No
-tt0082971_shot_0831_img_0.jpg Is the actor inside the red bounding box called Harrison Ford? Please answer yes or no. Yes
-tt0082971_shot_0831_img_0.jpg Is the actor inside the red bounding box called Richard Angarola? Please answer yes or no. No
-tt0083658_shot_0963_img_0.jpg Is the person inside the red bounding box called Rutger Hauer? Please answer yes or no. Yes
-tt0083658_shot_0963_img_0.jpg Is the person inside the red bounding box called Stéphane Julien? Please answer yes or no. No
-tt0083866_shot_0364_img_0.jpg Is the actor inside the red bounding box called Robert MacNaughton? Please answer yes or no. Yes
-tt0083866_shot_0364_img_0.jpg Is the actor inside the red bounding box called Seam Turay? Please answer yes or no. No
-tt0083907_shot_0633_img_0.jpg Is the actor inside the red bounding box named Bruce Campbell? Please answer yes or no. Yes
-tt0083907_shot_0633_img_0.jpg Is the actor inside the red bounding box named Kaden Leos? Please answer yes or no. No
-tt0083929_shot_0405_img_0.jpg Is the actor inside the red bounding box named Jennifer Jason Leigh? Please answer yes or no. Yes
-tt0083929_shot_0405_img_0.jpg Is the actor inside the red bounding box named Eric D. Sandgren? Please answer yes or no. No
-tt0084726_shot_0283_img_0.jpg Is the actor inside the red bounding box named Leonard Nimoy? Please answer yes or no. Yes
-tt0084726_shot_0283_img_0.jpg Is the actor inside the red bounding box named John Cusack? Please answer yes or no. No
-tt0086190_shot_0815_img_0.jpg Is the actor inside the red bounding box named Carrie Fisher? Please answer yes or no. Yes
-tt0086190_shot_0815_img_0.jpg Is the actor inside the red bounding box named Ernie Adams? Please answer yes or no. No
-tt0086250_shot_1079_img_0.jpg Is the actor inside the red bounding box called Steven Bauer? Please answer yes or no. Yes
-tt0086250_shot_1079_img_0.jpg Is the actor inside the red bounding box called Bill Nunn? Please answer yes or no. No
-tt0086856_shot_0929_img_0.jpg Is the actor inside the red bounding box called Peter Weller? Please answer yes or no. Yes
-tt0086856_shot_0929_img_0.jpg Is the actor inside the red bounding box called Tracee Cocco? Please answer yes or no. No
-tt0086879_shot_0158_img_0.jpg Is the person inside the red bounding box called Elizabeth Berridge? Please answer yes or no. Yes
-tt0086879_shot_0158_img_0.jpg Is the person inside the red bounding box called Ralph Ineson? Please answer yes or no. No
-tt0087332_shot_0798_img_0.jpg Is the person inside the red bounding box called Bill Murray? Please answer yes or no. Yes
-tt0087332_shot_0798_img_0.jpg Is the person inside the red bounding box called Jiao Xu? Please answer yes or no. No
-tt0087469_shot_0049_img_2.jpg Is the person inside the red bounding box named Harrison Ford? Please answer yes or no. Yes
-tt0087469_shot_0049_img_2.jpg Is the person inside the red bounding box named Paulo Benedeti? Please answer yes or no. No
-tt0088847_shot_0109_img_0.jpg Is the actor inside the red bounding box named Anthony Michael Hall? Please answer yes or no. Yes
-tt0088847_shot_0109_img_0.jpg Is the actor inside the red bounding box named Luis Javier? Please answer yes or no. No
-tt0088944_shot_0634_img_0.jpg Is the actor inside the red bounding box named Arnold Schwarzenegger? Please answer yes or no. Yes
-tt0088944_shot_0634_img_0.jpg Is the actor inside the red bounding box named Shaine Jones? Please answer yes or no. No
-tt0088993_shot_0569_img_0.jpg Is the actor inside the red bounding box called George A. Romero? Please answer yes or no. Yes
-tt0088993_shot_0569_img_0.jpg Is the actor inside the red bounding box called James Eckhouse? Please answer yes or no. No
-tt0089218_shot_0327_img_0.jpg Is the person inside the red bounding box named Sean Astin? Please answer yes or no. Yes
-tt0089218_shot_0327_img_0.jpg Is the person inside the red bounding box named Dan Hunter? Please answer yes or no. No
-tt0089881_shot_0034_img_0.jpg Is the actor inside the red bounding box called Tatsuya Nakadai? Please answer yes or no. Yes
-tt0089881_shot_0034_img_0.jpg Is the actor inside the red bounding box called Nancy Vee? Please answer yes or no. No
-tt0090022_shot_0464_img_0.jpg Is the actor inside the red bounding box called Scott Glenn? Please answer yes or no. Yes
-tt0090022_shot_0464_img_0.jpg Is the actor inside the red bounding box called Robert Ryan? Please answer yes or no. No
-tt0090605_shot_0344_img_0.jpg Is the person inside the red bounding box called Sigourney Weaver? Please answer yes or no. Yes
-tt0090605_shot_0344_img_0.jpg Is the person inside the red bounding box called Lia Beldam? Please answer yes or no. No
-tt0090756_shot_0135_img_0.jpg Is the person inside the red bounding box named Laura Dern? Please answer yes or no. Yes
-tt0090756_shot_0135_img_0.jpg Is the person inside the red bounding box named Keith Frost? Please answer yes or no. No
-tt0091042_shot_0098_img_0.jpg Is the person inside the red bounding box called Matthew Broderick? Please answer yes or no. Yes
-tt0091042_shot_0098_img_0.jpg Is the person inside the red bounding box called Mina E. Mina? Please answer yes or no. No
-tt0091738_shot_0073_img_1.jpg Is the actor inside the red bounding box called Kathleen Turner? Please answer yes or no. Yes
-tt0091738_shot_0073_img_1.jpg Is the actor inside the red bounding box called Pat Kiernan? Please answer yes or no. No
-tt0091867_shot_0422_img_2.jpg Is the person inside the red bounding box named Simon Callow? Please answer yes or no. Yes
-tt0091867_shot_0422_img_2.jpg Is the person inside the red bounding box named Rusty Goffe? Please answer yes or no. No
-tt0092099_shot_0455_img_1.jpg Is the person inside the red bounding box called Tom Cruise? Please answer yes or no. Yes
-tt0092099_shot_0455_img_1.jpg Is the person inside the red bounding box called Carol Krolick? Please answer yes or no. No
-tt0092699_shot_0208_img_0.jpg Is the actor inside the red bounding box called William Hurt? Please answer yes or no. Yes
-tt0092699_shot_0208_img_0.jpg Is the actor inside the red bounding box called Hildur Ruriks? Please answer yes or no. No
-tt0093565_shot_0409_img_0.jpg Is the actor inside the red bounding box named Cher? Please answer yes or no. Yes
-tt0093565_shot_0409_img_0.jpg Is the actor inside the red bounding box named Mark Brady? Please answer yes or no. No
-tt0093748_shot_0346_img_0.jpg Is the actor inside the red bounding box called John Candy? Please answer yes or no. Yes
-tt0093748_shot_0346_img_0.jpg Is the actor inside the red bounding box called Sarah Heller? Please answer yes or no. No
-tt0093773_shot_0212_img_0.jpg Is the person inside the red bounding box named Jesse Ventura? Please answer yes or no. Yes
-tt0093773_shot_0212_img_0.jpg Is the person inside the red bounding box named Akio Mitamura? Please answer yes or no. No
-tt0093779_shot_1047_img_0.jpg Is the person inside the red bounding box named Peter Falk? Please answer yes or no. Yes
-tt0093779_shot_1047_img_0.jpg Is the person inside the red bounding box named Lisa Ann Walter? Please answer yes or no. No
-tt0094226_shot_0237_img_2.jpg Is the actor inside the red bounding box called Kevin Costner? Please answer yes or no. Yes
-tt0094226_shot_0237_img_2.jpg Is the actor inside the red bounding box called Colin Hill? Please answer yes or no. No
-tt0094737_shot_0567_img_0.jpg Is the person inside the red bounding box called Tom Hanks? Please answer yes or no. Yes
-tt0094737_shot_0567_img_0.jpg Is the person inside the red bounding box called Chris McHallem? Please answer yes or no. No
-tt0095016_shot_1170_img_0.jpg Is the actor inside the red bounding box called Paul Gleason? Please answer yes or no. Yes
-tt0095016_shot_1170_img_0.jpg Is the actor inside the red bounding box called Carl Palmer? Please answer yes or no. No
-tt0095250_shot_0509_img_0.jpg Is the actor inside the red bounding box named Jean Reno? Please answer yes or no. Yes
-tt0095250_shot_0509_img_0.jpg Is the actor inside the red bounding box named Ralph Meyering Jr.? Please answer yes or no. No
-tt0095765_shot_0008_img_0.jpg Is the actor inside the red bounding box called Antonella Attili? Please answer yes or no. Yes
-tt0095765_shot_0008_img_0.jpg Is the actor inside the red bounding box called Amber Estrada? Please answer yes or no. No
-tt0095953_shot_0412_img_0.jpg Is the person inside the red bounding box named Tom Cruise? Please answer yes or no. Yes
-tt0095953_shot_0412_img_0.jpg Is the person inside the red bounding box named Lara Mulcahy? Please answer yes or no. No
-tt0096320_shot_0085_img_0.jpg Is the actor inside the red bounding box called Arnold Schwarzenegger? Please answer yes or no. Yes
-tt0096320_shot_0085_img_0.jpg Is the actor inside the red bounding box called Dan Duran? Please answer yes or no. No
-tt0096754_shot_0570_img_1.jpg Is the person inside the red bounding box named Todd Graff? Please answer yes or no. Yes
-tt0096754_shot_0570_img_1.jpg Is the person inside the red bounding box named Guy Carleton? Please answer yes or no. No
-tt0096874_shot_0647_img_0.jpg Is the actor inside the red bounding box named Michael J. Fox? Please answer yes or no. Yes
-tt0096874_shot_0647_img_0.jpg Is the actor inside the red bounding box named Momoko Komatsu? Please answer yes or no. No
-tt0096895_shot_0819_img_1.jpg Is the person inside the red bounding box called Michael Keaton? Please answer yes or no. Yes
-tt0096895_shot_0819_img_1.jpg Is the person inside the red bounding box called Ben Foster? Please answer yes or no. No
-tt0097216_shot_0381_img_0.jpg Is the actor inside the red bounding box named Danny Aiello? Please answer yes or no. Yes
-tt0097216_shot_0381_img_0.jpg Is the actor inside the red bounding box named Taissa Farmiga? Please answer yes or no. No
-tt0097428_shot_0106_img_0.jpg Is the actor inside the red bounding box named Bill Murray? Please answer yes or no. Yes
-tt0097428_shot_0106_img_0.jpg Is the actor inside the red bounding box named Michael Fawcett? Please answer yes or no. No
-tt0097576_shot_1010_img_2.jpg Is the actor inside the red bounding box named Harrison Ford? Please answer yes or no. Yes
-tt0097576_shot_1010_img_2.jpg Is the actor inside the red bounding box named M. Emmet Walsh? Please answer yes or no. No
-tt0098635_shot_0556_img_0.jpg Is the actor inside the red bounding box named Meg Ryan? Please answer yes or no. Yes
-tt0098635_shot_0556_img_0.jpg Is the actor inside the red bounding box named Tom Branch? Please answer yes or no. No
-tt0098724_shot_0474_img_0.jpg Is the person inside the red bounding box named Andie MacDowell? Please answer yes or no. Yes
-tt0098724_shot_0474_img_0.jpg Is the person inside the red bounding box named Linda Taylor? Please answer yes or no. No
-tt0099423_shot_1010_img_0.jpg Is the person inside the red bounding box called Bruce Willis? Please answer yes or no. Yes
-tt0099423_shot_1010_img_0.jpg Is the person inside the red bounding box called Trevor Eve? Please answer yes or no. No
-tt0099487_shot_0123_img_0.jpg Is the actor inside the red bounding box named Johnny Depp? Please answer yes or no. Yes
-tt0099487_shot_0123_img_0.jpg Is the actor inside the red bounding box named Farrah Forke? Please answer yes or no. No
-tt0099674_shot_1356_img_0.jpg Is the person inside the red bounding box named Al Pacino? Please answer yes or no. Yes
-tt0099674_shot_1356_img_0.jpg Is the person inside the red bounding box named Nick Porrazzo? Please answer yes or no. No
-tt0099685_shot_1132_img_0.jpg Is the actor inside the red bounding box called Ray Liotta? Please answer yes or no. Yes
-tt0099685_shot_1132_img_0.jpg Is the actor inside the red bounding box called Chick Allan? Please answer yes or no. No
-tt0099810_shot_0285_img_0.jpg Is the person inside the red bounding box called Alec Baldwin? Please answer yes or no. Yes
-tt0099810_shot_0285_img_0.jpg Is the person inside the red bounding box called Jennifer Anglin? Please answer yes or no. No
-tt0100157_shot_0365_img_0.jpg Is the actor inside the red bounding box named James Caan? Please answer yes or no. Yes
-tt0100157_shot_0365_img_0.jpg Is the actor inside the red bounding box named Bryan Johnson? Please answer yes or no. No
-tt0100403_shot_0517_img_0.jpg Is the person inside the red bounding box called Gary Busey? Please answer yes or no. Yes
-tt0100403_shot_0517_img_0.jpg Is the person inside the red bounding box called Alfred Tiaki Hotu? Please answer yes or no. No
-tt0100405_shot_0786_img_0.jpg Is the actor inside the red bounding box named Jason Alexander? Please answer yes or no. Yes
-tt0100405_shot_0786_img_0.jpg Is the actor inside the red bounding box named Alexandra Bastedo? Please answer yes or no. No
-tt0101410_shot_0105_img_0.jpg Is the person inside the red bounding box named John Turturro? Please answer yes or no. Yes
-tt0101410_shot_0105_img_0.jpg Is the person inside the red bounding box named David Gore? Please answer yes or no. No
-tt0102492_shot_0086_img_0.jpg Is the actor inside the red bounding box called Jamie Lee Curtis? Please answer yes or no. Yes
-tt0102492_shot_0086_img_0.jpg Is the actor inside the red bounding box called Heidi Fischer? Please answer yes or no. No
-tt0103064_shot_1206_img_0.jpg Is the actor inside the red bounding box named Arnold Schwarzenegger? Please answer yes or no. Yes
-tt0103064_shot_1206_img_0.jpg Is the actor inside the red bounding box named Gigi Lee? Please answer yes or no. No
-tt0103064_shot_2602_img_1.jpg Is the person inside the red bounding box named Arnold Schwarzenegger? Please answer yes or no. Yes
-tt0103064_shot_2602_img_1.jpg Is the person inside the red bounding box named Candice Azzara? Please answer yes or no. No
-tt0103776_shot_0719_img_0.jpg Is the person inside the red bounding box called Michael Keaton? Please answer yes or no. Yes
-tt0103776_shot_0719_img_0.jpg Is the person inside the red bounding box called Nicholas Rice? Please answer yes or no. No
-tt0104036_shot_0336_img_1.jpg Is the person inside the red bounding box named Stephen Rea? Please answer yes or no. Yes
-tt0104036_shot_0336_img_1.jpg Is the person inside the red bounding box named Mimi Lizio? Please answer yes or no. No
-tt0104257_shot_0477_img_0.jpg Is the person inside the red bounding box named Jack Nicholson? Please answer yes or no. Yes
-tt0104257_shot_0477_img_0.jpg Is the person inside the red bounding box named Emma Julia Jacobs? Please answer yes or no. No
-tt0104348_shot_0340_img_0.jpg Is the person inside the red bounding box called Ed Harris? Please answer yes or no. Yes
-tt0104348_shot_0340_img_0.jpg Is the person inside the red bounding box called Carla Lizzette Mejia? Please answer yes or no. No
-tt0105236_shot_0193_img_0.jpg Is the actor inside the red bounding box named Harvey Keitel? Please answer yes or no. Yes
-tt0105236_shot_0193_img_0.jpg Is the actor inside the red bounding box named Terence Yin? Please answer yes or no. No
-tt0105665_shot_0351_img_0.jpg Is the actor inside the red bounding box named Kyle MacLachlan? Please answer yes or no. Yes
-tt0105665_shot_0351_img_0.jpg Is the actor inside the red bounding box named Julia Hsu? Please answer yes or no. No
-tt0105695_shot_1436_img_1.jpg Is the person inside the red bounding box called Jaimz Woolvett? Please answer yes or no. Yes
-tt0105695_shot_1436_img_1.jpg Is the person inside the red bounding box called Hermione Baddeley? Please answer yes or no. No
-tt0106977_shot_1604_img_0.jpg Is the person inside the red bounding box named Tommy Lee Jones? Please answer yes or no. Yes
-tt0106977_shot_1604_img_0.jpg Is the person inside the red bounding box named Honey Chhaya? Please answer yes or no. No
-tt0107614_shot_0116_img_0.jpg Is the person inside the red bounding box called Sally Field? Please answer yes or no. Yes
-tt0107614_shot_0116_img_0.jpg Is the person inside the red bounding box called Arthur Senzy? Please answer yes or no. No
-tt0108399_shot_0778_img_0.jpg Is the actor inside the red bounding box called Christopher Walken? Please answer yes or no. Yes
-tt0108399_shot_0778_img_0.jpg Is the actor inside the red bounding box called Fiona Sit? Please answer yes or no. No
-tt0109831_shot_0298_img_0.jpg Is the person inside the red bounding box called Hugh Grant? Please answer yes or no. Yes
-tt0109831_shot_0298_img_0.jpg Is the person inside the red bounding box called Renée Zellweger? Please answer yes or no. No
-tt0111280_shot_0258_img_0.jpg Is the actor inside the red bounding box named Gates McFadden? Please answer yes or no. Yes
-tt0111280_shot_0258_img_0.jpg Is the actor inside the red bounding box named Michael Angarano? Please answer yes or no. No
-tt0111280_shot_1479_img_2.jpg Is the actor inside the red bounding box called William Shatner? Please answer yes or no. Yes
-tt0111280_shot_1479_img_2.jpg Is the actor inside the red bounding box called Richard Rohrbough? Please answer yes or no. No
-tt0112384_shot_0878_img_0.jpg Is the person inside the red bounding box called Kathleen Quinlan? Please answer yes or no. Yes
-tt0112384_shot_0878_img_0.jpg Is the person inside the red bounding box called Veronica Diaz Carranza? Please answer yes or no. No
-tt0112641_shot_0412_img_1.jpg Is the actor inside the red bounding box called Robert De Niro? Please answer yes or no. Yes
-tt0112641_shot_0412_img_1.jpg Is the actor inside the red bounding box called Pierre Malherbe? Please answer yes or no. No
-tt0112740_shot_1056_img_0.jpg Is the person inside the red bounding box named Denzel Washington? Please answer yes or no. Yes
-tt0112740_shot_1056_img_0.jpg Is the person inside the red bounding box named Bill Pullman? Please answer yes or no. No
-tt0113101_shot_0547_img_0.jpg Is the person inside the red bounding box named Tim Roth? Please answer yes or no. Yes
-tt0113101_shot_0547_img_0.jpg Is the person inside the red bounding box named Honey Chhaya? Please answer yes or no. No
-tt0114369_shot_1138_img_0.jpg Is the person inside the red bounding box named Brad Pitt? Please answer yes or no. Yes
-tt0114369_shot_1138_img_0.jpg Is the person inside the red bounding box named Benjamin Nitze? Please answer yes or no. No
-tt0114388_shot_0162_img_0.jpg Is the actor inside the red bounding box called Emma Thompson? Please answer yes or no. Yes
-tt0114388_shot_0162_img_0.jpg Is the actor inside the red bounding box called Francis P. Hughes? Please answer yes or no. No
-tt0114388_shot_1207_img_1.jpg Is the person inside the red bounding box called Hugh Grant? Please answer yes or no. Yes
-tt0114388_shot_1207_img_1.jpg Is the person inside the red bounding box called Zach Hopkins? Please answer yes or no. No
-tt0115798_shot_0844_img_1.jpg Is the person inside the red bounding box named Jim Carrey? Please answer yes or no. Yes
-tt0115798_shot_0844_img_1.jpg Is the person inside the red bounding box named Renee Herlocker? Please answer yes or no. No
-tt0116367_shot_0755_img_0.jpg Is the actor inside the red bounding box named George Clooney? Please answer yes or no. Yes
-tt0116367_shot_0755_img_0.jpg Is the actor inside the red bounding box named Ben Crowley? Please answer yes or no. No
-tt0116629_shot_1570_img_2.jpg Is the person inside the red bounding box called Will Smith? Please answer yes or no. Yes
-tt0116629_shot_1570_img_2.jpg Is the person inside the red bounding box called E. Katherine Kerr? Please answer yes or no. No
-tt0116695_shot_0343_img_0.jpg Is the person inside the red bounding box named Tom Cruise? Please answer yes or no. Yes
-tt0116695_shot_0343_img_0.jpg Is the person inside the red bounding box named Billy Dee? Please answer yes or no. No
-tt0117060_shot_0412_img_0.jpg Is the actor inside the red bounding box called Tom Cruise? Please answer yes or no. Yes
-tt0117060_shot_0412_img_0.jpg Is the actor inside the red bounding box called Carrie Lazar? Please answer yes or no. No
-tt0117060_shot_1401_img_0.jpg Is the actor inside the red bounding box called Jean Reno? Please answer yes or no. Yes
-tt0117060_shot_1401_img_0.jpg Is the actor inside the red bounding box called Jill Teed? Please answer yes or no. No
-tt0117381_shot_0798_img_1.jpg Is the person inside the red bounding box called Edward Norton? Please answer yes or no. Yes
-tt0117381_shot_0798_img_1.jpg Is the person inside the red bounding box called Michael Tezla? Please answer yes or no. No
-tt0117500_shot_2467_img_0.jpg Is the actor inside the red bounding box called Ed Harris? Please answer yes or no. Yes
-tt0117500_shot_2467_img_0.jpg Is the actor inside the red bounding box called Paul J.Q. Lee? Please answer yes or no. No
-tt0117509_shot_0041_img_0.jpg Is the actor inside the red bounding box named Paul Rudd? Please answer yes or no. Yes
-tt0117509_shot_0041_img_0.jpg Is the actor inside the red bounding box named Max Martini? Please answer yes or no. No
-tt0117571_shot_0475_img_0.jpg Is the person inside the red bounding box named Neve Campbell? Please answer yes or no. Yes
-tt0117571_shot_0475_img_0.jpg Is the person inside the red bounding box named Frank Hoyt Taylor? Please answer yes or no. No
-tt0117731_shot_0300_img_0.jpg Is the actor inside the red bounding box called Patrick Stewart? Please answer yes or no. Yes
-tt0117731_shot_0300_img_0.jpg Is the actor inside the red bounding box called Debra Montague? Please answer yes or no. No
-tt0117731_shot_1067_img_0.jpg Is the actor inside the red bounding box called Patrick Stewart? Please answer yes or no. Yes
-tt0117731_shot_1067_img_0.jpg Is the actor inside the red bounding box called Jenny Wilson? Please answer yes or no. No
-tt0118548_shot_1296_img_0.jpg Is the actor inside the red bounding box called Clint Eastwood? Please answer yes or no. Yes
-tt0118548_shot_1296_img_0.jpg Is the actor inside the red bounding box called Kate Winslet? Please answer yes or no. No
-tt0118571_shot_0627_img_0.jpg Is the actor inside the red bounding box called Glenn Close? Please answer yes or no. Yes
-tt0118571_shot_0627_img_0.jpg Is the actor inside the red bounding box called Arlene Farber? Please answer yes or no. No
-tt0118636_shot_0007_img_1.jpg Is the person inside the red bounding box called Brad Renfro? Please answer yes or no. Yes
-tt0118636_shot_0007_img_1.jpg Is the person inside the red bounding box called Sandra Park? Please answer yes or no. No
-tt0118636_shot_0344_img_0.jpg Is the actor inside the red bounding box called Brad Renfro? Please answer yes or no. Yes
-tt0118636_shot_0344_img_0.jpg Is the actor inside the red bounding box called Karen Strassman? Please answer yes or no. No
-tt0118655_shot_0279_img_0.jpg Is the person inside the red bounding box called Robert Wagner? Please answer yes or no. Yes
-tt0118655_shot_0279_img_0.jpg Is the person inside the red bounding box called Arthur Birnbaum? Please answer yes or no. No
-tt0118655_shot_1152_img_2.jpg Is the actor inside the red bounding box called Seth Green? Please answer yes or no. Yes
-tt0118655_shot_1152_img_2.jpg Is the actor inside the red bounding box called Sue Doucette? Please answer yes or no. No
-tt0118689_shot_0706_img_0.jpg Is the actor inside the red bounding box called Rowan Atkinson? Please answer yes or no. Yes
-tt0118689_shot_0706_img_0.jpg Is the actor inside the red bounding box called Hugo Perez? Please answer yes or no. No
-tt0118689_shot_0969_img_2.jpg Is the actor inside the red bounding box called Rowan Atkinson? Please answer yes or no. Yes
-tt0118689_shot_0969_img_2.jpg Is the actor inside the red bounding box called Jack Shields? Please answer yes or no. No
-tt0118715_shot_0079_img_0.jpg Is the actor inside the red bounding box called Jeff Bridges? Please answer yes or no. Yes
-tt0118715_shot_0079_img_0.jpg Is the actor inside the red bounding box called Scott Adkins? Please answer yes or no. No
-tt0118749_shot_0795_img_0.jpg Is the person inside the red bounding box called John C. Reilly? Please answer yes or no. Yes
-tt0118749_shot_0795_img_0.jpg Is the person inside the red bounding box called Chris Lowell? Please answer yes or no. No
-tt0118883_shot_0691_img_1.jpg Is the actor inside the red bounding box called Julia Roberts? Please answer yes or no. Yes
-tt0118883_shot_0691_img_1.jpg Is the actor inside the red bounding box called Roger Bart? Please answer yes or no. No
-tt0118971_shot_0679_img_0.jpg Is the actor inside the red bounding box called Charlize Theron? Please answer yes or no. Yes
-tt0118971_shot_0679_img_0.jpg Is the actor inside the red bounding box called Young-min Kim? Please answer yes or no. No
-tt0119008_shot_0979_img_0.jpg Is the actor inside the red bounding box named Al Pacino? Please answer yes or no. Yes
-tt0119008_shot_0979_img_0.jpg Is the actor inside the red bounding box named Neil Tweddle? Please answer yes or no. No
-tt0119094_shot_0446_img_2.jpg Is the actor inside the red bounding box called Nicolas Cage? Please answer yes or no. Yes
-tt0119094_shot_0446_img_2.jpg Is the actor inside the red bounding box called Juan Gabriel Pareja? Please answer yes or no. No
-tt0119116_shot_0721_img_0.jpg Is the actor inside the red bounding box called Bruce Willis? Please answer yes or no. Yes
-tt0119116_shot_0721_img_0.jpg Is the actor inside the red bounding box called Troye Sivan? Please answer yes or no. No
-tt0119174_shot_0439_img_0.jpg Is the actor inside the red bounding box named Michael Douglas? Please answer yes or no. Yes
-tt0119174_shot_0439_img_0.jpg Is the actor inside the red bounding box named Carola McGuinness? Please answer yes or no. No
-tt0119314_shot_0572_img_0.jpg Is the actor inside the red bounding box called Scarlett Johansson? Please answer yes or no. Yes
-tt0119314_shot_0572_img_0.jpg Is the actor inside the red bounding box called Daisy Beaumont? Please answer yes or no. No
-tt0119528_shot_0171_img_0.jpg Is the person inside the red bounding box called Jim Carrey? Please answer yes or no. Yes
-tt0119528_shot_0171_img_0.jpg Is the person inside the red bounding box called Eliot Paton? Please answer yes or no. No
-tt0119528_shot_0761_img_1.jpg Is the actor inside the red bounding box named Jim Carrey? Please answer yes or no. Yes
-tt0119528_shot_0761_img_1.jpg Is the actor inside the red bounding box named Jari Kinnunen? Please answer yes or no. No
-tt0119643_shot_0330_img_0.jpg Is the actor inside the red bounding box named Brad Pitt? Please answer yes or no. Yes
-tt0119643_shot_0330_img_0.jpg Is the actor inside the red bounding box named Anthony Hopkins? Please answer yes or no. No
-tt0119738_shot_0201_img_0.jpg Is the person inside the red bounding box named Christopher Masterson? Please answer yes or no. Yes
-tt0119738_shot_0201_img_0.jpg Is the person inside the red bounding box named Edwin Craig? Please answer yes or no. No
-tt0119822_shot_0878_img_0.jpg Is the person inside the red bounding box named Greg Kinnear? Please answer yes or no. Yes
-tt0119822_shot_0878_img_0.jpg Is the person inside the red bounding box named Aleksandr Dubina? Please answer yes or no. No
-tt0120338_shot_0444_img_2.jpg Is the actor inside the red bounding box named Kate Winslet? Please answer yes or no. Yes
-tt0120338_shot_0444_img_2.jpg Is the actor inside the red bounding box named Donald Gibb? Please answer yes or no. No
-tt0120338_shot_1130_img_2.jpg Is the person inside the red bounding box called Leonardo DiCaprio? Please answer yes or no. Yes
-tt0120338_shot_1130_img_2.jpg Is the person inside the red bounding box called Anne Betancourt? Please answer yes or no. No
diff --git a/eval/vlm/eval/mme/Your_Results/code_reasoning.txt b/eval/vlm/eval/mme/Your_Results/code_reasoning.txt
deleted file mode 100644
index f849f62de80814d681064557dff8e849b7f8fdc2..0000000000000000000000000000000000000000
--- a/eval/vlm/eval/mme/Your_Results/code_reasoning.txt
+++ /dev/null
@@ -1,40 +0,0 @@
-0001.png The image shows a python code. Is the output of the code 'Hello'? Please answer yes or no. Yes
-0001.png The image shows a python code. Is the output of the code 'World'? Please answer yes or no. No
-0002.png The image shows a python code. Is the output of the code 'a cat'? Please answer yes or no. Yes
-0002.png The image shows a python code. Is the output of the code 'a dog'? Please answer yes or no. No
-0003.png The image shows a python code. Is the output of the code '12'? Please answer yes or no. Yes
-0003.png The image shows a python code. Is the output of the code '5'? Please answer yes or no. No
-0004.png The image shows a python code. Is the output of the code '3'? Please answer yes or no. Yes
-0004.png The image shows a python code. Is the output of the code '2'? Please answer yes or no. No
-0005.png The image shows a python code. Is the output of the code '12'? Please answer yes or no. Yes
-0005.png The image shows a python code. Is the output of the code '5'? Please answer yes or no. No
-0006.png The image shows a python code. Is the output of the code '0'? Please answer yes or no. Yes
-0006.png The image shows a python code. Is the output of the code '1'? Please answer yes or no. No
-0007.png Is a c++ code shown in the picture? Please answer yes or no. Yes
-0007.png Is a python code shown in the picture? Please answer yes or no. No
-0008.png The image shows a python code. Is the output of the code '1234'? Please answer yes or no. Yes
-0008.png The image shows a python code. Is the output of the code '12345'? Please answer yes or no. No
-0009.png The image shows a python code. Is the output of the code '36'? Please answer yes or no. Yes
-0009.png The image shows a python code. Is the output of the code '6'? Please answer yes or no. No
-0010.png The image shows a python code. Is the output of the code '1'? Please answer yes or no. Yes
-0010.png The image shows a python code. Is the output of the code '5'? Please answer yes or no. No
-0011.png The image shows a python code. Is the output of the code '0'? Please answer yes or no. Yes
-0011.png The image shows a python code. Is the output of the code '1'? Please answer yes or no. No
-0012.png The image shows a python code. Is the output of the code 'working hard'? Please answer yes or no. Yes
-0012.png The image shows a python code. Is the output of the code 'playing hard'? Please answer yes or no. No
-0013.png The image shows a python code. Is the output of the code 'a cat'? Please answer yes or no. Yes
-0013.png The image shows a python code. Is the output of the code 'a dog'? Please answer yes or no. No
-0014.png The image shows a python code. Is the output of the code '7'? Please answer yes or no. Yes
-0014.png The image shows a python code. Is the output of the code '1'? Please answer yes or no. No
-0015.png The image shows a python code. Is the output of the code '11'? Please answer yes or no. Yes
-0015.png The image shows a python code. Is the output of the code '9'? Please answer yes or no. No
-0016.png The image shows a python code. Is the output of the code 'x is smaller than 10'? Please answer yes or no. Yes
-0016.png The image shows a python code. Is the output of the code 'x is larger than 10'? Please answer yes or no. No
-0017.png The image shows a python code. Will the number 3 appear in the output of the code? Please answer yes or no. Yes
-0017.png The image shows a python code. Will the number 6 appear in the output of the code? Please answer yes or no. No
-0018.png The image shows a python code. Is the output of the code '11'? Please answer yes or no. Yes
-0018.png The image shows a python code. Is the output of the code '12'? Please answer yes or no. No
-0019.png The image shows a python code. Is the output of the code 'the list has more than 2 numbers'? Please answer yes or no. Yes
-0019.png The image shows a python code. Is the output of the code 'the list has less than 2 numbers'? Please answer yes or no. No
-0020.png Is a python code shown in the picture? Please answer yes or no. Yes
-0020.png Is a c++ code shown in the picture? Please answer yes or no. No
diff --git a/eval/vlm/eval/mme/Your_Results/color.txt b/eval/vlm/eval/mme/Your_Results/color.txt
deleted file mode 100644
index f3cd836dcf2f649a63e9a51b3098643ca2737738..0000000000000000000000000000000000000000
--- a/eval/vlm/eval/mme/Your_Results/color.txt
+++ /dev/null
@@ -1,60 +0,0 @@
-000000006723.jpg Is there a red brick building in the image? Please answer yes or no. Yes
-000000006723.jpg Is there a yellow brick building in the image? Please answer yes or no. No
-000000008277.jpg Is there a white plate in the image? Please answer yes or no. Yes
-000000008277.jpg Is there a yellow plate in the image? Please answer yes or no. No
-000000012120.jpg Is there a blue court in the image? Please answer yes or no. Yes
-000000012120.jpg Is there a purple court in the image? Please answer yes or no. No
-000000014831.jpg Is there a brown and white animal in the image? Please answer yes or no. Yes
-000000014831.jpg Is there a green and red animal in the image? Please answer yes or no. No
-000000028993.jpg Are there yellow poles in the image? Please answer yes or no. Yes
-000000028993.jpg Are there blue poles in the image? Please answer yes or no. No
-000000029393.jpg Is there a brown dog in the image? Please answer yes or no. Yes
-000000029393.jpg Is there a black dog in the image? Please answer yes or no. No
-000000035770.jpg Is there a black and white toilet in the image? Please answer yes or no. Yes
-000000035770.jpg Is there a red and white toilet in the image? Please answer yes or no. No
-000000038118.jpg Is there a red coat in the image? Please answer yes or no. Yes
-000000038118.jpg Is there a yellow coat in the image? Please answer yes or no. No
-000000047112.jpg Is there a white plate in the image? Please answer yes or no. Yes
-000000047112.jpg Is there a yellow plate in the image? Please answer yes or no. No
-000000047121.jpg Is there a black cat in the image? Please answer yes or no. Yes
-000000047121.jpg Is there a brown cat in the image? Please answer yes or no. No
-000000053529.jpg Is there a green hat in the image? Please answer yes or no. Yes
-000000053529.jpg Is there a red hat in the image? Please answer yes or no. No
-000000053994.jpg Is there a gray wall in the image? Please answer yes or no. Yes
-000000053994.jpg Is there a red wall in the image? Please answer yes or no. No
-000000055072.jpg Is there a brown giraffe in the image? Please answer yes or no. Yes
-000000055072.jpg Is there a black giraffe in the image? Please answer yes or no. No
-000000057597.jpg Are there any red shoes in the image? Please answer yes or no. Yes
-000000057597.jpg Are there any yellow shoes in the image? Please answer yes or no. No
-000000061658.jpg Are there a white dish in the image? Please answer yes or no. Yes
-000000061658.jpg Are there a green dish in the image? Please answer yes or no. No
-000000338560.jpg Is there a blue and yellow fire hydrant in the image? Please answer yes or no. Yes
-000000338560.jpg Is there a blue and orange fire hydrant in the image? Please answer yes or no. No
-000000370208.jpg Is there a red bicycle with white handlebars in the image? Please answer yes or no. Yes
-000000370208.jpg Is there a red bicycle with black handlebars in the image? Please answer yes or no. No
-000000377723.jpg Is there a blue bus in the image? Please answer yes or no. Yes
-000000377723.jpg Is there a orange bus in the image? Please answer yes or no. No
-000000405205.jpg Is there a white bus in the image? Please answer yes or no. Yes
-000000405205.jpg Is there a red bus in the image? Please answer yes or no. No
-000000410612.jpg Is there a red boat in the image? Please answer yes or no. Yes
-000000410612.jpg Is there a gray boat in the image? Please answer yes or no. No
-000000427034.jpg Is there a brown and black dog in the image? Please answer yes or no. Yes
-000000427034.jpg Is there a brown and white dog in the image? Please answer yes or no. No
-000000442456.jpg Is there a man wearing a red shirt in the image? Please answer yes or no. Yes
-000000442456.jpg Is there a man wearing a white shirt in the image? Please answer yes or no. No
-000000492362.jpg Is there a skateboard with red wheels in the image? Please answer yes or no. Yes
-000000492362.jpg Is there a skateboard with black wheels in the image? Please answer yes or no. No
-000000492992.jpg Is there a white bird in the image? Please answer yes or no. Yes
-000000492992.jpg Is there a yellow bird in the image? Please answer yes or no. No
-000000512929.jpg Are there any green beans in the image? Please answer yes or no. Yes
-000000512929.jpg Are there any orange beans in the image? Please answer yes or no. No
-000000530457.jpg Are there any red flowers in the image? Please answer yes or no. Yes
-000000530457.jpg Are there any green flowers in the image? Please answer yes or no. No
-000000532761.jpg Is there a living room painted yellow in the image? Please answer yes or no. Yes
-000000532761.jpg Is there a living room painted black in the image? Please answer yes or no. No
-000000534041.jpg Is there a purple bottle in the image? Please answer yes or no. Yes
-000000534041.jpg Is there a white bottle in the image? Please answer yes or no. No
-000000563758.jpg Is there a red scarf in the image? Please answer yes or no. Yes
-000000563758.jpg Is there a brown scarf in the image? Please answer yes or no. No
-000000564280.jpg Is there a red couch in the image? Please answer yes or no. Yes
-000000564280.jpg Is there a black couch in the image? Please answer yes or no. No
diff --git a/eval/vlm/eval/mme/Your_Results/commonsense_reasoning.txt b/eval/vlm/eval/mme/Your_Results/commonsense_reasoning.txt
deleted file mode 100644
index de3af0fc850b04ae9914ce210ec12b777b84d18f..0000000000000000000000000000000000000000
--- a/eval/vlm/eval/mme/Your_Results/commonsense_reasoning.txt
+++ /dev/null
@@ -1,140 +0,0 @@
-0001.png Here are the order details for my taxi ride. Should I actually pay $29.42? Please answer yes or no. Yes
-0001.png Here are the order details for my taxi ride. Should I actually pay $32.42? Please answer yes or no. No
-0002.png Should I stop when I'm about to cross the street and see the sign in the picture? Please answer yes or no. Yes
-0002.png When I see the sign in the picture, can I cross the street? Please answer yes or no. No
-0003.png May I ask if in the game of finger-guessing game, did the right side of the picture win? Please answer yes or no. Yes
-0003.png May I ask if in the game of finger-guessing game, did the left side of the picture win? Please answer yes or no. No
-0004.png Does the fruit in the picture look stale? Please answer yes or no. Yes
-0004.png Does the fruit in the picture look very fresh? Please answer yes or no. No
-0005.png The office's normal closing time is 5 p.m. Now is afternoon. Should I continue to work at the time shown in the picture? Please answer yes or no. Yes
-0005.png The office's normal closing time is 5 p.m. Now is afternoon. Could I leave work at the time shown in the picture? Please answer yes or no. No
-0006.png I recently want to go on vacation to relax and go to a place full of fresh air. Is the venue in the picture appropriate? Please answer yes or no. Yes
-0006.png I want to go where there are a lot of people. Is the venue in the picture appropriate? Please answer yes or no. No
-0007.png I want to clean the house and I want to choose a tool. Is the tool in the picture an appropriate choice? Please answer yes or no. Yes
-0007.png I want to transport something and I want to choose a tool to help me. Is the tool in the picture an appropriate choice? Please answer yes or no. No
-0008.png Can I smoke where the picture is? Please answer yes or no. Yes
-0008.png Is smoking prohibited in the location of the picture? Please answer yes or no. No
-0009.png Will green be obtained by mixing the above two colors? Please answer yes or no. Yes
-0009.png Will red be obtained by mixing the above two colors? Please answer yes or no. No
-0010.png I am going to exercise and I want to choose a venue. Is the venue in the picture a good choice? Please answer yes or no. Yes
-0010.png I am going to study and I want to choose a venue. Is the venue in the picture a good choice? Please answer yes or no. No
-0011.png If I am allergic to durian, can I finish the fruit in the picture? Please answer yes or no. Yes
-0011.png If I am allergic to banana, can I finish the fruit in the picture? Please answer yes or no. No
-0012.png I am going to study and I want to choose a venue. Is the venue in the picture a good choice? Please answer yes or no. Yes
-0012.png I am going to exercise and I want to choose a venue. Is the venue in the picture a good choice? Please answer yes or no. No
-0013.png I am going to a formal dinner party. Is the shoe in the picture an appropriate choice? Please answer yes or no. Yes
-0013.png I am going to play basketball. Is the shoe in the picture an appropriate choice? Please answer yes or no. No
-0014.png In this line chart, the vertical axis is height and the horizontal axis is age. Does Maria's height exceed Jane's height in the end? Please answer yes or no. Yes
-0014.png In this line chart, the vertical axis is height and the horizontal axis is age. Does Jane's height exceed Kangkang's height in the end? Please answer yes or no. No
-0015.png Is the ball usually played with hands? Please answer yes or no. Yes
-0015.png Is the ball usually played with feet? Please answer yes or no. No
-0016.png Is the place in the picture a good place to enjoy the cool in a sunny day? Please answer yes or no. Yes
-0016.png Is the place in the picture a good shelter from the rain when it thunders outside? Please answer yes or no. No
-0017.png Are the vehicles in the pictures usually environmentally friendly? Please answer yes or no. Yes
-0017.png Does the vehicle in the picture usually run faster than the car? Please answer yes or no. No
-0018.png This is a picture of some kind of animal. Does it eat leaves? Please answer yes or no. Yes
-0018.png This is a picture of some kind of animal. Does it eat meat? Please answer yes or no. No
-0019.png Is the water flow in the picture from the top to the bottom? Please answer yes or no. Yes
-0019.png Is the water flow in the picture from the bottom to the top? Please answer yes or no. No
-0020.png Can the item in the picture be used to measure length? Please answer yes or no. Yes
-0020.png Can the item in the picture be used to measure angles? Please answer yes or no. No
-0021.png This is a toilet guide sign. I am a man. Should I go to the toilet on the left? Please answer yes or no. Yes
-0021.png This is a toilet guide sign. I am a man. Should I go to the toilet on the right? Please answer yes or no. No
-0022.png Does the animal in the picture usually catch mice? Please answer yes or no. Yes
-0022.png Is the animal in the picture usually used in search and rescue? Please answer yes or no. No
-0023.png If you want to keep your fruit fresh in summer, should you put it in the appliance in the picture? Please answer yes or no. Yes
-0023.png Is the appliance in the picture more suitable for winter than summer? Please answer yes or no. No
-0024.png I want to go skating. Is the shoe in the picture usually appropriate? Please answer yes or no. Yes
-0024.png I want to go roller skating. Is the shoe in the picture usually appropriate? Please answer yes or no. No
-0025.png I feel very thirsty in the desert now. Can the thing in the picture help me? Please answer yes or no. Yes
-0025.png I don't like clear cups. Is the cup in the picture my type? Please answer yes or no. No
-0026.png I want to go for a run and I want to choose a pair of shoes. Is the shoe in the picture an appropriate choice? Please answer yes or no. Yes
-0026.png I want to practice ballet and I want to choose a pair of shoes. Is the shoe in the picture an appropriate choice? Please answer yes or no. No
-0027.png Are the pants in the picture usually suitable for casual wear? Please answer yes or no. Yes
-0027.png Are the pants in the picture usually suitable for playing basketball? Please answer yes or no. No
-0028.png This is a picture from a real scene. Is there only one real cat in this picture? Please answer yes or no. Yes
-0028.png This is a picture from a real scene. Is there only two real cats in this picture? Please answer yes or no. No
-0029.png The three cats in the picture, the one without a beard, is the middle one? Please answer yes or no. Yes
-0029.png The three cats in the picture, the one without a beard, is the right one? Please answer yes or no. No
-0030.png I'm going to 501. Do I need to turn left at the intersection? Please answer yes or no. Yes
-0030.png I'm going to 502. Do I need to turn left at the intersection? Please answer yes or no. No
-0031.png Is the drink in the picture usually suitable for a party? Please answer yes or no. Yes
-0031.png Is the drink in the picture usually suitable for drinking together with cephalosporin? Please answer yes or no. No
-0032.png Here is a picture of the cake I cut. Did I cut it at least twice? Please answer yes or no. Yes
-0032.png Here is a picture of the cake I cut. Did I cut it at least once? Please answer yes or no. No
-0033.png This is a picture from a real scene. Is there only one real apple in this picture? Please answer yes or no. Yes
-0033.png This is a picture from a real scene. Is there only two real apples in this picture? Please answer yes or no. No
-0034.png Here is a pie chart counting the favorite fruits of all employees in our company. Is the durian the most popular fruit? Please answer yes or no. Yes
-0034.png Here is a pie chart counting the favorite fruits of all employees in our company. Is the mango the most popular fruit? Please answer yes or no. No
-0035.png This is the sales chart of this month. Is Tina the runner-up in sales this month? Please answer yes or no. Yes
-0035.png This is the sales chart of this month. Is John the runner-up in sales this month? Please answer yes or no. No
-0036.png Is it a good time to walk through the road in the picture? Please answer yes or no. Yes
-0036.png Is it a good time to drive a car through the road in the picture? Please answer yes or no. No
-0037.png Here is a photo of the sun's position at a certain time. Could it be dusk now? Please answer yes or no. Yes
-0037.png Here is a photo of the sun's position at a certain time. Could it be noon now? Please answer yes or no. No
-0038.png All apples are shown in the picture. If I eat an apple every day, can I eat it for four days? Please answer yes or no. Yes
-0038.png All apples are shown in the picture. If I eat an apple every day, can I eat it for three days? Please answer yes or no. No
-0039.png This line chart is used to count the sales of two types of burgers. Are chicken burgers more popular? Please answer yes or no. Yes
-0039.png This line chart is used to count the sales of two types of burgers. Are beef burgers more popular? Please answer yes or no. No
-0040.png I want to supplement protein. Is it appropriate to eat the food in the picture? Please answer yes or no. Yes
-0040.png I don't like to eat any food related to chicken. Is the food in the picture my type? Please answer yes or no. No
-0041.png Is the fruit in the picture usually sweet? Please answer yes or no. Yes
-0041.png Is the fruit in the picture usually spicy? Please answer yes or no. No
-0042.png Are there usually cars in the area shown in the picture? Please answer yes or no. Yes
-0042.png Is it appropriate to cross the road directly from the place shown in the picture? Please answer yes or no. No
-0043.png Is the animal in the picture usually not seen in winter? Please answer yes or no. Yes
-0043.png Is the animal in the picture usually seen in winter? Please answer yes or no. No
-0044.png This is a flowchart of a program. I enter 3 and 6. Is the output 'No'? Please answer yes or no. Yes
-0044.png This is a flowchart of a program. I enter 3 and 6. Is the output 'Yes'? Please answer yes or no. No
-0045.png There is a sign at the intersection, can I turn left? Please answer yes or no. Yes
-0045.png There is a sign at the intersection, can I turn right? Please answer yes or no. No
-0046.png Vitamin C is very helpful for human health. Does the food on in the picture usually contain Vitamin C? Please answer yes or no. Yes
-0046.png Is the food in the picture commonly used to build muscle? Please answer yes or no. No
-0047.png All apples are shown in the picture. My brother and I divide the apples equally. May I have one apple? Please answer yes or no. Yes
-0047.png All apples are shown in the picture. My brother and I divide the apples equally. May I have two apples? Please answer yes or no. No
-0048.png Here is a picture of eating fruit. Am I eating a strawberry? Please answer yes or no. Yes
-0048.png Here is a picture of eating fruit. Am I eating a cherry tomato? Please answer yes or no. No
-0049.png Does the vehicle in the picture usually have its Windows closed during fast driving? Please answer yes or no. Yes
-0049.png Does the vehicle in the picture usually have its Windows opened during fast driving? Please answer yes or no. No
-0050.png Do people commonly use the item in the picture for makeup in their daily lives? Please answer yes or no. Yes
-0050.png Do people commonly use the item in the picture to write in their daily lives? Please answer yes or no. No
-0051.png This is a flowchart of a program. When the input is 5, is the output 6? Please answer yes or no. Yes
-0051.png This is a flowchart of a program. When the input is 6, is the output 5? Please answer yes or no. No
-0052.png I want to lose weight. Is the food in the picture an appropriate choice? Please answer yes or no. Yes
-0052.png I want to gain weight. Is the food in the picture an appropriate choice? Please answer yes or no. No
-0053.png Is the car in the picture going to make a right turn after going through a straight road section? Please answer yes or no. Yes
-0053.png Is the car in the picture going to make a left turn after going through a straight road section? Please answer yes or no. No
-0054.png May I ask if the plants in the picture can survive in the water? Please answer yes or no. Yes
-0054.png May I ask if the plants in the picture can survive in the soil? Please answer yes or no. No
-0055.png The man in the picture is eating. Does he eat noodles? Please answer yes or no. Yes
-0055.png The man in the picture is eating. Does he eat rice? Please answer yes or no. No
-0056.png Can the item in the picture output water? Please answer yes or no. Yes
-0056.png Can the item in picture be used for blowing air? Please answer yes or no. No
-0057.png Does the vehicle in the picture usually run faster than a horse? Please answer yes or no. Yes
-0057.png Does the vehicle in the picture usually fly? Please answer yes or no. No
-0058.png Can't I smoke here? Please answer yes or no. Yes
-0058.png May I smoke here? Please answer yes or no. No
-0059.png This pie chart is the age distribution of our company. Is the proportion of people aged 30-50 more than 40%? Please answer yes or no. Yes
-0059.png This pie chart is the age distribution of our company. Is the proportion of people aged 40-50 more than 30%? Please answer yes or no. No
-0060.png This is the histogram of fruit sales today. Do more men buy watermelons than women buy bananas? Please answer yes or no. Yes
-0060.png This is the histogram of fruit sales today. Do more men buy peach than women buy apple? Please answer yes or no. No
-0061.png Is the tool in the picture common in tall buildings? Please answer yes or no. Yes
-0061.png In case of fire, is it appropriate to choose the tool in the picture to go downstairs? Please answer yes or no. No
-0062.png It's snowing outside the window now. I want to go out. Is it appropriate to wear the cloth in the picture? Please answer yes or no. Yes
-0062.png It's very hot outside. I want to go out. Is it appropriate to wear the cloth in the picture? Please answer yes or no. No
-0063.png Is the animal in the picture suitable as a pet? Please answer yes or no. Yes
-0063.png Is the animal in the pictures usually stronger than adult tigers? Please answer yes or no. No
-0064.png I want to play basketball. Is the venue in the picture a good choice? Please answer yes or no. Yes
-0064.png I want to play football. Is the venue in the picture a good choice? Please answer yes or no. No
-0065.png Is it appropriate to wear a down jacket during the season in the picture? Please answer yes or no. Yes
-0065.png Is it appropriate to only wear short sleeves during the season in the picture? Please answer yes or no. No
-0066.png I want to carry one thing with me on a rainy day. Is the thing in the image an appropriate choice? Please answer yes or no. Yes
-0066.png It is raining outside. I am in a house and I don't need to go out. Is this thing in the picture necessary for me to use? Please answer yes or no. No
-0067.png I feel very hot. Is the tool in the picture suitable for use? Please answer yes or no. Yes
-0067.png I feel very cold. Is the tool in the picture suitable for use? Please answer yes or no. No
-0068.png Is it unhealthy to eat the food in the picture too often? Please answer yes or no. Yes
-0068.png Is the food in the picture usually low in calories? Please answer yes or no. No
-0069.png Is the phone in the photo connected to a charger? Please answer yes or no. Yes
-0069.png Is the phone in the photo charging? Please answer yes or no. No
-0070.png I want to turn the screw. Is the tool in the picture usually appropriate? Please answer yes or no. Yes
-0070.png Is the tool in the picture usually suitable for smashing walnuts? Please answer yes or no. No
diff --git a/eval/vlm/eval/mme/Your_Results/count.txt b/eval/vlm/eval/mme/Your_Results/count.txt
deleted file mode 100644
index 986e6f89ef1662c3d5aaa1f23bde33e775f0c545..0000000000000000000000000000000000000000
--- a/eval/vlm/eval/mme/Your_Results/count.txt
+++ /dev/null
@@ -1,60 +0,0 @@
-000000006040.jpg Is there a train in the picture? Please answer yes or no. Yes
-000000006040.jpg Are there a total of two trains in the picture? Please answer yes or no. No
-000000044279.jpg Is there a total of two people in the image? Please answer yes or no. Yes
-000000044279.jpg Is there only one people in the image? Please answer yes or no. No
-000000067213.jpg Is there only one dog in the image? Please answer yes or no. Yes
-000000067213.jpg Is there two dogs in the image? Please answer yes or no. No
-000000071226.jpg Is there a total of two dogs in the image? Please answer yes or no. Yes
-000000071226.jpg Is there only one dogs in the image? Please answer yes or no. No
-000000097994.jpg Are there three laptops in the picture? Please answer yes or no. Yes
-000000097994.jpg Are there four laptops in the picture? Please answer yes or no. No
-000000195918.jpg Is there a total of two display devices in the image? Please answer yes or no. Yes
-000000195918.jpg Is there only one display device in the image? Please answer yes or no. No
-000000236721.jpg Are there two bananas in the image? Please answer yes or no. Yes
-000000236721.jpg Are there three bananas in the image? Please answer yes or no. No
-000000261712.jpg Are there two giraffes in this image? Please answer yes or no. Yes
-000000261712.jpg Are there three giraffes in this picture? Please answer yes or no. No
-000000274066.jpg Are there four people appear in this image? Please answer yes or no. Yes
-000000274066.jpg Are there only three people appear in this image? Please answer yes or no. No
-000000276434.jpg Is there a total of three cakes in this image? Please answer yes or no. Yes
-000000276434.jpg Are there only two cakes in this image? Please answer yes or no. No
-000000289059.jpg Is there a total of two person appear in the image? Please answer yes or no. Yes
-000000289059.jpg Is there only one person appear in the image? Please answer yes or no. No
-000000290081.jpg Is there only one bowl in this image? Please answer yes or no. Yes
-000000290081.jpg Are there two bowls in this image? Please answer yes or no. No
-000000301867.jpg Are there three people appear in this image? Please answer yes or no. Yes
-000000301867.jpg Are there only two people appear in this image? Please answer yes or no. No
-000000335954.jpg Are there two bowls in this image? Please answer yes or no. Yes
-000000335954.jpg Are there three bowls in this image? Please answer yes or no. No
-000000357816.jpg Are there four people in this image? Please answer yes or no. Yes
-000000357816.jpg Are there five people in this image? Please answer yes or no. No
-000000372819.jpg Are there four dogs appear in this image? Please answer yes or no. Yes
-000000372819.jpg Are there only three dogs appear in this image? Please answer yes or no. No
-000000410612.jpg Is there only one ship in the picture? Please answer yes or no. Yes
-000000410612.jpg Is there a total of two ships in the picture? Please answer yes or no. No
-000000423944.jpg Is there no person in this picture? Please answer yes or no. Yes
-000000423944.jpg Are there two people appear in this image? Please answer yes or no. No
-000000427034.jpg Is there a dog in the picture? Please answer yes or no. Yes
-000000427034.jpg Are there a total of two dogs in the picture? Please answer yes or no. No
-000000430286.jpg Are there three remotes in this image? Please answer yes or no. Yes
-000000430286.jpg Are there only two remotes in this image? Please answer yes or no. No
-000000432468.jpg Are there three zippers in the picture? Please answer yes or no. Yes
-000000432468.jpg Is there a zipper in the picture? Please answer yes or no. No
-000000434479.jpg Are there two pieces of pizza in this image? Please answer yes or no. Yes
-000000434479.jpg Is there only one piece of pizza in this image? Please answer yes or no. No
-000000438304.jpg Are there two tennis rackets in the picture? Please answer yes or no. Yes
-000000438304.jpg Are there only one tennis racket in the picture? Please answer yes or no. No
-000000450303.jpg Are there six people appear in this image? Please answer yes or no. Yes
-000000450303.jpg Are there seven people appear in this image? Please answer yes or no. No
-000000470121.jpg Is there only one bottle in the image? Please answer yes or no. Yes
-000000470121.jpg Is there two bottles in the image? Please answer yes or no. No
-000000476215.jpg Are there two horses in this image? Please answer yes or no. Yes
-000000476215.jpg Is there only one horse in this image? Please answer yes or no. No
-000000482100.jpg Are there two toilets in the picture? Please answer yes or no. Yes
-000000482100.jpg Is there only one toilet in the picture? Please answer yes or no. No
-000000491867.jpg Is there only one necktie in the image? Please answer yes or no. Yes
-000000491867.jpg Is there three neckties in the image? Please answer yes or no. No
-000000556000.jpg Are there four people in the image? Please answer yes or no. Yes
-000000556000.jpg Are there only three people in the image? Please answer yes or no. No
-000000565045.jpg Are there two bath towels in the picture? Please answer yes or no. Yes
-000000565045.jpg Is there only one bath towel in the picture? Please answer yes or no. No
diff --git a/eval/vlm/eval/mme/Your_Results/existence.txt b/eval/vlm/eval/mme/Your_Results/existence.txt
deleted file mode 100644
index c3da2b48c4f43367d367b83f543f7d9b861496fc..0000000000000000000000000000000000000000
--- a/eval/vlm/eval/mme/Your_Results/existence.txt
+++ /dev/null
@@ -1,60 +0,0 @@
-000000006040.jpg Is there a train in this image? Please answer yes or no. Yes
-000000006040.jpg Is there a bed in this image? Please answer yes or no. No
-000000006471.jpg Is there a baseball bat in this image? Please answer yes or no. Yes
-000000006471.jpg Is there a giraffe in this image? Please answer yes or no. No
-000000007108.jpg Is there a elephant in this image? Please answer yes or no. Yes
-000000007108.jpg Is there a hair drier in this image? Please answer yes or no. No
-000000007816.jpg Is there a motorcycle in this image? Please answer yes or no. Yes
-000000007816.jpg Is there a airplane in this image? Please answer yes or no. No
-000000007977.jpg Is there a skateboard in this image? Please answer yes or no. Yes
-000000007977.jpg Is there a spoon in this image? Please answer yes or no. No
-000000008844.jpg Is there a person in this image? Please answer yes or no. Yes
-000000008844.jpg Is there a sink in this image? Please answer yes or no. No
-000000009590.jpg Is there a bottle in this image? Please answer yes or no. Yes
-000000009590.jpg Is there a scissors in this image? Please answer yes or no. No
-000000010363.jpg Is there a bottle in this image? Please answer yes or no. Yes
-000000010363.jpg Is there a apple in this image? Please answer yes or no. No
-000000011197.jpg Is there a car in this image? Please answer yes or no. Yes
-000000011197.jpg Is there a fork in this image? Please answer yes or no. No
-000000015254.jpg Is there a spoon in this image? Please answer yes or no. Yes
-000000015254.jpg Is there a donut in this image? Please answer yes or no. No
-000000015517.jpg Is there a bus in this image? Please answer yes or no. Yes
-000000015517.jpg Is there a cow in this image? Please answer yes or no. No
-000000015746.jpg Is there a fire hydrant in this image? Please answer yes or no. Yes
-000000015746.jpg Is there a person in this image? Please answer yes or no. No
-000000037751.jpg Is there a backpack in this image? Please answer yes or no. Yes
-000000037751.jpg Is there a microwave in this image? Please answer yes or no. No
-000000050145.jpg Is there a bicycle in this image? Please answer yes or no. Yes
-000000050145.jpg Is there a apple in this image? Please answer yes or no. No
-000000061418.jpg Is there a chair in this image? Please answer yes or no. Yes
-000000061418.jpg Is there a airplane in this image? Please answer yes or no. No
-000000417779.jpg Is there a car in this image? Please answer yes or no. Yes
-000000417779.jpg Is there a kite in this image? Please answer yes or no. No
-000000424521.jpg Is there a skateboard in this image? Please answer yes or no. Yes
-000000424521.jpg Is there a banana in this image? Please answer yes or no. No
-000000438304.jpg Is there a sports ball in this image? Please answer yes or no. Yes
-000000438304.jpg Is there a horse in this image? Please answer yes or no. No
-000000494427.jpg Is there a laptop in this image? Please answer yes or no. Yes
-000000494427.jpg Is there a potted plant in this image? Please answer yes or no. No
-000000495448.jpg Is there a cake in this image? Please answer yes or no. Yes
-000000495448.jpg Is there a tie in this image? Please answer yes or no. No
-000000498463.jpg Is there a refrigerator in this image? Please answer yes or no. Yes
-000000498463.jpg Is there a donut in this image? Please answer yes or no. No
-000000519039.jpg Is there a truck in this image? Please answer yes or no. Yes
-000000519039.jpg Is there a book in this image? Please answer yes or no. No
-000000523241.jpg Is there a car in this image? Please answer yes or no. Yes
-000000523241.jpg Is there a cell phone in this image? Please answer yes or no. No
-000000530162.jpg Is there a umbrella in this image? Please answer yes or no. Yes
-000000530162.jpg Is there a horse in this image? Please answer yes or no. No
-000000537812.jpg Is there a chair in this image? Please answer yes or no. Yes
-000000537812.jpg Is there a baseball bat in this image? Please answer yes or no. No
-000000541952.jpg Is there a clock in this image? Please answer yes or no. Yes
-000000541952.jpg Is there a bottle in this image? Please answer yes or no. No
-000000546626.jpg Is there a bottle in this image? Please answer yes or no. Yes
-000000546626.jpg Is there a mouse in this image? Please answer yes or no. No
-000000556000.jpg Is there a chair in this image? Please answer yes or no. Yes
-000000556000.jpg Is there a dog in this image? Please answer yes or no. No
-000000557258.jpg Is there a toilet in this image? Please answer yes or no. Yes
-000000557258.jpg Is there a pizza in this image? Please answer yes or no. No
-000000572956.jpg Is there a motorcycle in this image? Please answer yes or no. Yes
-000000572956.jpg Is there a bus in this image? Please answer yes or no. No
diff --git a/eval/vlm/eval/mme/Your_Results/landmark.txt b/eval/vlm/eval/mme/Your_Results/landmark.txt
deleted file mode 100644
index 1259cf4e219a14d7565cf42d787a143655448329..0000000000000000000000000000000000000000
--- a/eval/vlm/eval/mme/Your_Results/landmark.txt
+++ /dev/null
@@ -1,400 +0,0 @@
-0006adf999ccc899.jpg Is this a photo of Muktinath? Please answer yes or no. Yes
-0006adf999ccc899.jpg Is this a photo of Lohikoski Church? Please answer yes or no. No
-0015309638e5a9b1.jpg Is this a picture of Teufelsmauer (Harz)? Please answer yes or no. Yes
-0015309638e5a9b1.jpg Is this a picture of Romfo kirke? Please answer yes or no. No
-001f0bfe8464254a.jpg Is this a picture of Saint Catherine of Alexandria church in Warsaw? Please answer yes or no. Yes
-001f0bfe8464254a.jpg Is this a picture of Kaap Skil? Please answer yes or no. No
-0022666a36b80ea5.jpg Is this an image of Hall of Supreme Harmony (Forbidden City)? Please answer yes or no. Yes
-0022666a36b80ea5.jpg Is this an image of Brickegickel? Please answer yes or no. No
-0023bd687cbc0a44.jpg Is this a photo of Utrecht Dom Tower? Please answer yes or no. Yes
-0023bd687cbc0a44.jpg Is this a photo of Great Palace Mosaic Museum? Please answer yes or no. No
-00261324328490fc.jpg Is this an image of Loch Ossian? Please answer yes or no. Yes
-00261324328490fc.jpg Is this an image of Tanemakidaishi? Please answer yes or no. No
-002ae473a76362a6.jpg Is this an image of Gerlache Strait? Please answer yes or no. Yes
-002ae473a76362a6.jpg Is this an image of Schmiedebruch (Naturschutzgebiet)? Please answer yes or no. No
-003f8af9477a8eb8.jpg Is this a photo of Le Destroit? Please answer yes or no. Yes
-003f8af9477a8eb8.jpg Is this a photo of Kharkov Mosque? Please answer yes or no. No
-004543cec064cd0b.jpg Is this a picture of Wollaton Park? Please answer yes or no. Yes
-004543cec064cd0b.jpg Is this a picture of St John's Church, Blackpool? Please answer yes or no. No
-004beea6937b3a8c.jpg Is this a photo of Brussels Park? Please answer yes or no. Yes
-004beea6937b3a8c.jpg Is this a photo of Forest Hills Cemetery (Boston, Massachusetts)? Please answer yes or no. No
-005150f80de6f487.jpg Is this a photo of Schloss Burgpreppach? Please answer yes or no. Yes
-005150f80de6f487.jpg Is this a photo of Pinkas Synagogue? Please answer yes or no. No
-0053894534d1e259.jpg Is this a picture of Goethe- und Schiller-Denkmal (Weimar)? Please answer yes or no. Yes
-0053894534d1e259.jpg Is this a picture of Grey River? Please answer yes or no. No
-0059fc817c5fd5b7.jpg Is this a photo of KLCC Park? Please answer yes or no. Yes
-0059fc817c5fd5b7.jpg Is this a photo of Neath Castle? Please answer yes or no. No
-005c68530bb6ed7c.jpg Is this a photo of Balvenie Castle? Please answer yes or no. Yes
-005c68530bb6ed7c.jpg Is this a photo of Draper Utah Temple? Please answer yes or no. No
-006e3342b57aa3b4.jpg Is this a photo of Larvs kyrka? Please answer yes or no. Yes
-006e3342b57aa3b4.jpg Is this a photo of Geitgallien? Please answer yes or no. No
-0075a4d212539625.jpg Is this a photo of Cardiff Castle? Please answer yes or no. Yes
-0075a4d212539625.jpg Is this a photo of Boudhanath? Please answer yes or no. No
-008053e6bb5afa33.jpg Is this a photo of Rochers des Mourres? Please answer yes or no. Yes
-008053e6bb5afa33.jpg Is this a photo of Schloss Weinfelden? Please answer yes or no. No
-00c1349a9622390c.jpg Is this a photo of Amar Jawan Jyoti (Tomb of the Unknown Soldier)? Please answer yes or no. Yes
-00c1349a9622390c.jpg Is this a photo of Porta Garibaldi (Marsala)? Please answer yes or no. No
-00cae9f165d8d2cc.jpg Is this an image of Fisherman's Bastion? Please answer yes or no. Yes
-00cae9f165d8d2cc.jpg Is this an image of Equestrian statue of George IV, Trafalgar Square, London? Please answer yes or no. No
-00f4fb71575efb0b.jpg Is this a picture of 1965)? Please answer yes or no. Yes
-00f4fb71575efb0b.jpg Is this a picture of Plaza Monumental de Toros de Pueblo Nuevo? Please answer yes or no. No
-00fa476690a260a8.jpg Is this an image of Bathampton Toll Bridge? Please answer yes or no. Yes
-00fa476690a260a8.jpg Is this an image of Moose River Plains Wild Forest? Please answer yes or no. No
-010260e62e7d847d.jpg Is this a photo of Visingsborg? Please answer yes or no. Yes
-010260e62e7d847d.jpg Is this a photo of Teutsche Schule (Schleusingen)? Please answer yes or no. No
-010b5b5c9c461f65.jpg Is this an image of Het Steen? Please answer yes or no. Yes
-010b5b5c9c461f65.jpg Is this an image of Castello di Montalto Dora? Please answer yes or no. No
-01114538f95f1ce8.jpg Is this a picture of Svirzh Castle? Please answer yes or no. Yes
-01114538f95f1ce8.jpg Is this a picture of Bistrica, Ionian Sea? Please answer yes or no. No
-01121b9b3c79afc4.jpg Is this a photo of Alamannenmuseum Ellwangen? Please answer yes or no. Yes
-01121b9b3c79afc4.jpg Is this a photo of Sint-Jozefkerk, Enschede? Please answer yes or no. No
-011a19afda5df3c7.jpg Is this a picture of San Prospero (Reggio Emilia)? Please answer yes or no. Yes
-011a19afda5df3c7.jpg Is this a picture of Lake DeFuniak? Please answer yes or no. No
-012856462a95ada9.jpg Is this a picture of Chingshui Cliff? Please answer yes or no. Yes
-012856462a95ada9.jpg Is this a picture of St. John's Church, Portland? Please answer yes or no. No
-012ea376a16f17bf.jpg Is this a picture of Church of Saint Giles in Prague? Please answer yes or no. Yes
-012ea376a16f17bf.jpg Is this a picture of Pfarrkirche St. Martin an der Raab? Please answer yes or no. No
-013e1a1e887cb915.jpg Is this a picture of Real Casa de Correos, Madrid? Please answer yes or no. Yes
-013e1a1e887cb915.jpg Is this a picture of Ayton Castle, Scottish Borders? Please answer yes or no. No
-0140a7d5446719c3.jpg Is this a photo of Friday Mosque, Herat? Please answer yes or no. Yes
-0140a7d5446719c3.jpg Is this a photo of Hexenturm (Burg (bei Magdeburg))? Please answer yes or no. No
-01416124a7ab211a.jpg Is this a photo of Ajuntament de Mollerussa? Please answer yes or no. Yes
-01416124a7ab211a.jpg Is this a photo of Episcopal Diocese of Northern Indiana? Please answer yes or no. No
-01425c4d35880aad.jpg Is this an image of Museu de Sant Boi de Llobregat? Please answer yes or no. Yes
-01425c4d35880aad.jpg Is this an image of Bezdonnoye Lake, Moscow Oblast? Please answer yes or no. No
-014c50e91cf799c7.jpg Is this a photo of Clearwater Beach, Florida? Please answer yes or no. Yes
-014c50e91cf799c7.jpg Is this a photo of Church of Holy Trinity in Vratislavice nad Nisou? Please answer yes or no. No
-015543ddea466c54.jpg Is this a picture of Galician market square in Skansen, Sanok? Please answer yes or no. Yes
-015543ddea466c54.jpg Is this a picture of Walworth Castle? Please answer yes or no. No
-0169c4235270f65b.jpg Is this a photo of St. Ricarius Church, Aberford? Please answer yes or no. Yes
-0169c4235270f65b.jpg Is this a photo of Schloss Prebberede? Please answer yes or no. No
-016e68628ea6c7ee.jpg Is this an image of Jewish Ceremonial Hall, Prague-Josefov? Please answer yes or no. Yes
-016e68628ea6c7ee.jpg Is this an image of Our Lady Church (Ettlingen)? Please answer yes or no. No
-01862535ce8961ee.jpg Is this an image of Mont Tendre? Please answer yes or no. Yes
-01862535ce8961ee.jpg Is this an image of Ogden Utah Temple? Please answer yes or no. No
-0186742e7963fb3c.jpg Is this a photo of Ozegahara? Please answer yes or no. Yes
-0186742e7963fb3c.jpg Is this a photo of San Giovenale (Orvieto)? Please answer yes or no. No
-01928acd6dfe6cdd.jpg Is this a picture of Watergate Bay? Please answer yes or no. Yes
-01928acd6dfe6cdd.jpg Is this a picture of Cairnpapple Hill? Please answer yes or no. No
-01a6842099d62f22.jpg Is this an image of Clark Veterans Cemetery? Please answer yes or no. Yes
-01a6842099d62f22.jpg Is this an image of Mirdif City Centre? Please answer yes or no. No
-01aca2d30b43d05f.jpg Is this a picture of Monte Minerva (Villanova Monteleone)? Please answer yes or no. Yes
-01aca2d30b43d05f.jpg Is this a picture of Dorfkirche Gnandstein? Please answer yes or no. No
-01b12048bab7439f.jpg Is this a photo of Kaptai Lake? Please answer yes or no. Yes
-01b12048bab7439f.jpg Is this a photo of Castle of the Conception? Please answer yes or no. No
-01b715ceb7050bce.jpg Is this a picture of Kalamita fortress? Please answer yes or no. Yes
-01b715ceb7050bce.jpg Is this a picture of Augsburger Hotelturm? Please answer yes or no. No
-01b9b58a573c45f0.jpg Is this a picture of St Mary Redcliffe? Please answer yes or no. Yes
-01b9b58a573c45f0.jpg Is this a picture of Kirche zur Heiligsten Dreifaltigkeit, Vienna? Please answer yes or no. No
-01bc5557ed2616ad.jpg Is this a photo of Intercession of the Theotokos church in Lutsk? Please answer yes or no. Yes
-01bc5557ed2616ad.jpg Is this a photo of Cap 110? Please answer yes or no. No
-01c0e0ff84631905.jpg Is this a photo of Ribblehead Viaduct? Please answer yes or no. Yes
-01c0e0ff84631905.jpg Is this a photo of Church of Saint George in Koptevo? Please answer yes or no. No
-01d6e386c4a01ab3.jpg Is this a picture of Rotes Rathaus? Please answer yes or no. Yes
-01d6e386c4a01ab3.jpg Is this a picture of Mahipatgad? Please answer yes or no. No
-01d9bef0120557a5.jpg Is this a photo of Andronikov Monastery? Please answer yes or no. Yes
-01d9bef0120557a5.jpg Is this a photo of Ghatkopar? Please answer yes or no. No
-01e198bea8285816.jpg Is this an image of Saint Basil church, Volodymyr-Volynskyi? Please answer yes or no. Yes
-01e198bea8285816.jpg Is this an image of Hoher Markt, Vienna? Please answer yes or no. No
-01f23b4c5253e9c6.jpg Is this a picture of Goethes Gartenhaus? Please answer yes or no. Yes
-01f23b4c5253e9c6.jpg Is this a picture of Lamba, Shetland Islands? Please answer yes or no. No
-01ffc77bdf7fe084.jpg Is this a picture of Oldemorstoft? Please answer yes or no. Yes
-01ffc77bdf7fe084.jpg Is this a picture of Roman Catholic Diocese of Antwerp? Please answer yes or no. No
-0200cce957e9c4a6.jpg Is this a photo of Malmuerta Tower? Please answer yes or no. Yes
-0200cce957e9c4a6.jpg Is this a photo of Monte Lema? Please answer yes or no. No
-0202aac6b0bfbcd8.jpg Is this a picture of Gettysburg National Military Park? Please answer yes or no. Yes
-0202aac6b0bfbcd8.jpg Is this a picture of Auron? Please answer yes or no. No
-0205343362e60daf.jpg Is this a picture of Church of Our Lady of Sorrows in Riga? Please answer yes or no. Yes
-0205343362e60daf.jpg Is this a picture of Simon en Judaskerk (Ootmarsum)? Please answer yes or no. No
-020ae4dd487a8ab0.jpg Is this a photo of Kashueti Church? Please answer yes or no. Yes
-020ae4dd487a8ab0.jpg Is this a photo of Colorado State Capitol? Please answer yes or no. No
-02259144c3f094f0.jpg Is this a picture of The American Adventure? Please answer yes or no. Yes
-02259144c3f094f0.jpg Is this a picture of Langenwaldschanze? Please answer yes or no. No
-0237fc92f6b31aeb.jpg Is this a photo of Abbaye de Mortemer? Please answer yes or no. Yes
-0237fc92f6b31aeb.jpg Is this a photo of St Thomas Rest Park? Please answer yes or no. No
-0240727dbd2b8531.jpg Is this a photo of Nicolaikerk Appingedam? Please answer yes or no. Yes
-0240727dbd2b8531.jpg Is this a photo of Cutimbo? Please answer yes or no. No
-02545ca051c6c480.jpg Is this a photo of Podilski Tovtry National Nature Park? Please answer yes or no. Yes
-02545ca051c6c480.jpg Is this a photo of Lyndonville, Vermont? Please answer yes or no. No
-02598153523880aa.jpg Is this a photo of Marilao Church? Please answer yes or no. Yes
-02598153523880aa.jpg Is this a photo of Madliena, Malta? Please answer yes or no. No
-02737bb70957827d.jpg Is this an image of White Pagoda in Zhakou? Please answer yes or no. Yes
-02737bb70957827d.jpg Is this an image of Norrstrandskyrkan? Please answer yes or no. No
-0273f127895337be.jpg Is this a photo of Ringkirche? Please answer yes or no. Yes
-0273f127895337be.jpg Is this a photo of Huxi Mosque? Please answer yes or no. No
-02785530b6ac4f56.jpg Is this a picture of Church of Nicholas the Wet? Please answer yes or no. Yes
-02785530b6ac4f56.jpg Is this a picture of Razula? Please answer yes or no. No
-028348883685db69.jpg Is this an image of Saint Andrew the Apostle Church? Please answer yes or no. Yes
-028348883685db69.jpg Is this an image of EYE Film Institute Netherlands? Please answer yes or no. No
-029431b10472c228.jpg Is this a picture of Santa Caterina (Sassari)? Please answer yes or no. Yes
-029431b10472c228.jpg Is this a picture of Former Tainan Assembly Hall? Please answer yes or no. No
-0295877d5cd76190.jpg Is this a picture of Groothoofdspoort? Please answer yes or no. Yes
-0295877d5cd76190.jpg Is this a picture of 707 17th Street? Please answer yes or no. No
-02b16429304b00b7.jpg Is this a picture of De Haag? Please answer yes or no. Yes
-02b16429304b00b7.jpg Is this a picture of Villa Melchett? Please answer yes or no. No
-02b7f3ae549582f1.jpg Is this a photo of Pont-canal de Digoin? Please answer yes or no. Yes
-02b7f3ae549582f1.jpg Is this a photo of Trenton Battle Monument? Please answer yes or no. No
-02d11e392d3ab93f.jpg Is this an image of Santa Monica Parish Church in Angat, Bulacan? Please answer yes or no. Yes
-02d11e392d3ab93f.jpg Is this an image of Bangkok City Pillar Shrine? Please answer yes or no. No
-02e38cd5a3850f60.jpg Is this a photo of Palazzo Cavalli Franchetti (Venice)? Please answer yes or no. Yes
-02e38cd5a3850f60.jpg Is this a photo of Isbister Chambered Cairn? Please answer yes or no. No
-02e3e418198427e7.jpg Is this an image of Goldener Reiter? Please answer yes or no. Yes
-02e3e418198427e7.jpg Is this an image of Palacio de la Mosquera? Please answer yes or no. No
-030d9a26b7d5755e.jpg Is this a photo of Medvedgrad? Please answer yes or no. Yes
-030d9a26b7d5755e.jpg Is this a photo of Tammisto? Please answer yes or no. No
-0317376043fb00eb.jpg Is this a photo of Butler's Wharf? Please answer yes or no. Yes
-0317376043fb00eb.jpg Is this a photo of Church of Saints Philip and James (Lelekovice)? Please answer yes or no. No
-03280db41fd4e4f5.jpg Is this a picture of Oxford Street? Please answer yes or no. Yes
-03280db41fd4e4f5.jpg Is this a picture of Blake Fell? Please answer yes or no. No
-034733eb61d663cd.jpg Is this a picture of Colonna dell'Immacolata (Rome)? Please answer yes or no. Yes
-034733eb61d663cd.jpg Is this a picture of Brookmill Park? Please answer yes or no. No
-034d066523bb20d1.jpg Is this a photo of Ibrahim-al-Ibrahim Mosque? Please answer yes or no. Yes
-034d066523bb20d1.jpg Is this a photo of Atami Castle? Please answer yes or no. No
-036b60d84c6ebc63.jpg Is this a photo of Frederik V statue in Amalienborg Palace? Please answer yes or no. Yes
-036b60d84c6ebc63.jpg Is this a photo of Karl-Bittel-Park? Please answer yes or no. No
-03729394d18f7e9a.jpg Is this an image of Sapporo Clock Tower? Please answer yes or no. Yes
-03729394d18f7e9a.jpg Is this an image of Saint Nikolaus Church (Beuster)? Please answer yes or no. No
-0384fd0664c0ca62.jpg Is this an image of St. Martin (Sontheim)? Please answer yes or no. Yes
-0384fd0664c0ca62.jpg Is this an image of Hot Creek (Mono County, California)? Please answer yes or no. No
-038bdff81be029a6.jpg Is this an image of Fosso Reale (Livorno)? Please answer yes or no. Yes
-038bdff81be029a6.jpg Is this an image of Farlington Marshes? Please answer yes or no. No
-039bbdf71cd17b3f.jpg Is this a picture of Qiantang River Bridge? Please answer yes or no. Yes
-039bbdf71cd17b3f.jpg Is this a picture of Casa Museo Boschi Di Stefano (Milan)? Please answer yes or no. No
-03aa5dd2e3aab548.jpg Is this a photo of Central Police Station? Please answer yes or no. Yes
-03aa5dd2e3aab548.jpg Is this a photo of Kontai-ji? Please answer yes or no. No
-03c4b1901e4195f4.jpg Is this an image of St. Johanniskirche Eppendorf? Please answer yes or no. Yes
-03c4b1901e4195f4.jpg Is this an image of Maidenhead Bridge? Please answer yes or no. No
-03c8b2c1306c0038.jpg Is this an image of Ermita de Sant Joan (Montserrat)? Please answer yes or no. Yes
-03c8b2c1306c0038.jpg Is this an image of Hamilton Grange National Memorial? Please answer yes or no. No
-03d5e3bfc958be38.jpg Is this an image of Pietrarsa railway museum? Please answer yes or no. Yes
-03d5e3bfc958be38.jpg Is this an image of Washita Battlefield National Historic Site? Please answer yes or no. No
-03dc7df1f1df7b8f.jpg Is this a picture of Yevhen Paton Bridge? Please answer yes or no. Yes
-03dc7df1f1df7b8f.jpg Is this a picture of Minoan Villa of Makrygialos? Please answer yes or no. No
-03f65f52c0077b6c.jpg Is this a photo of Reading Lighthouse? Please answer yes or no. Yes
-03f65f52c0077b6c.jpg Is this a photo of St Nicholas Kirk, Aberdeen? Please answer yes or no. No
-03f873280d814ae7.jpg Is this a photo of Clarence Dock (Leeds)? Please answer yes or no. Yes
-03f873280d814ae7.jpg Is this a photo of Madonna delle Grazie (Roccastrada)? Please answer yes or no. No
-03f8abf9f8473a6f.jpg Is this a picture of Parque nacional del Teide? Please answer yes or no. Yes
-03f8abf9f8473a6f.jpg Is this a picture of Church of Saint Mary the Virgin, Skiemonys? Please answer yes or no. No
-03fb778d388ad9a0.jpg Is this an image of Mercado Central de Santiago? Please answer yes or no. Yes
-03fb778d388ad9a0.jpg Is this an image of Castelo de Alegrete? Please answer yes or no. No
-041da60e053c5906.jpg Is this a picture of Schloss Weesenstein? Please answer yes or no. Yes
-041da60e053c5906.jpg Is this a picture of Mas Cabrafiga? Please answer yes or no. No
-042ca5291cefe0b2.jpg Is this a picture of Pfarrkirche hl. Augustinus, Perchtoldsdorf? Please answer yes or no. Yes
-042ca5291cefe0b2.jpg Is this a picture of Mark Twain Riverboat? Please answer yes or no. No
-0443da4f4fcdea52.jpg Is this an image of Port of Funchal? Please answer yes or no. Yes
-0443da4f4fcdea52.jpg Is this an image of Rauscherpark? Please answer yes or no. No
-04531b37dfe5c991.jpg Is this a picture of Roebling Suspension Bridge? Please answer yes or no. Yes
-04531b37dfe5c991.jpg Is this a picture of St. James Episcopal Church (Wilmington, North Carolina)? Please answer yes or no. No
-04534ba775aa38ad.jpg Is this an image of Cork City Gaol? Please answer yes or no. Yes
-04534ba775aa38ad.jpg Is this an image of Taramati Baradari? Please answer yes or no. No
-04590c1648dd25a0.jpg Is this an image of Zhejiang Sci-Tech University? Please answer yes or no. Yes
-04590c1648dd25a0.jpg Is this an image of Khalti Lake? Please answer yes or no. No
-045b65ea196dac3f.jpg Is this a photo of Republican architecture in Manizales? Please answer yes or no. Yes
-045b65ea196dac3f.jpg Is this a photo of Kayauchi-banta Cliff? Please answer yes or no. No
-045ec5631638d290.jpg Is this a picture of Baldachin of Saint Peter's Basilica? Please answer yes or no. Yes
-045ec5631638d290.jpg Is this a picture of Jean Baptiste Point Du Sable Homesite? Please answer yes or no. No
-04a5226570dce6c3.jpg Is this a picture of Church of the Assumption of the Virgin Mary in Chrudim? Please answer yes or no. Yes
-04a5226570dce6c3.jpg Is this a picture of Queen Elizabeth Country Park? Please answer yes or no. No
-04b6c84ce89461ec.jpg Is this an image of Tomb of Xerxes I? Please answer yes or no. Yes
-04b6c84ce89461ec.jpg Is this an image of Park HaMesila? Please answer yes or no. No
-04d67117549e07a8.jpg Is this a photo of Laguna de Salinas? Please answer yes or no. Yes
-04d67117549e07a8.jpg Is this a photo of Raspyatsky Monastery (Serpukhov)? Please answer yes or no. No
-04ebe2885134597f.jpg Is this a picture of The South Africa (Delville Wood) National Memorial? Please answer yes or no. Yes
-04ebe2885134597f.jpg Is this a picture of Imogiri? Please answer yes or no. No
-050464e4ebc0b36d.jpg Is this an image of Tai Wong Ye Temple, Wong Chuk Hang? Please answer yes or no. Yes
-050464e4ebc0b36d.jpg Is this an image of Hierve el Agua? Please answer yes or no. No
-05095dd2b6715fc3.jpg Is this an image of Sampsonievsky Cathedral? Please answer yes or no. Yes
-05095dd2b6715fc3.jpg Is this an image of I. and E. Greenwald Steam Engine No. 1058? Please answer yes or no. No
-05685b1070b828f5.jpg Is this a photo of Wurstelprater? Please answer yes or no. Yes
-05685b1070b828f5.jpg Is this a photo of Nanmyaebonthar Sannandawya Sandamuni Pagoda? Please answer yes or no. No
-05b01b255cec2bfb.jpg Is this a photo of Puthoorppilly Sree Krishnaswamy Temple? Please answer yes or no. Yes
-05b01b255cec2bfb.jpg Is this a photo of Villa Reale (Marlia)? Please answer yes or no. No
-05bcf05b4460d2c3.jpg Is this an image of Museo archeologico nazionale dell'Umbria? Please answer yes or no. Yes
-05bcf05b4460d2c3.jpg Is this an image of Mode Gakuen Cocoon Tower? Please answer yes or no. No
-05c3aa404351f407.jpg Is this an image of Pasaje Gutierrez (Valladolid)? Please answer yes or no. Yes
-05c3aa404351f407.jpg Is this an image of Pieve di Santa Maria a Carli? Please answer yes or no. No
-05d56e249af839e7.jpg Is this a photo of Serbian Orthodox Cathedral in Sarajevo? Please answer yes or no. Yes
-05d56e249af839e7.jpg Is this a photo of Seewaldsee (Sankt Koloman)? Please answer yes or no. No
-06134984e2aa9bcc.jpg Is this a picture of Grote Kerk (Groede)? Please answer yes or no. Yes
-06134984e2aa9bcc.jpg Is this a picture of Goldeck? Please answer yes or no. No
-0613d7e8f292ee15.jpg Is this a photo of Museo Archeologico G. Rambotti? Please answer yes or no. Yes
-0613d7e8f292ee15.jpg Is this a photo of Sanrei? Please answer yes or no. No
-062298815e9197e7.jpg Is this a photo of Liuyang Confucius Temple? Please answer yes or no. Yes
-062298815e9197e7.jpg Is this a photo of Astley Castle? Please answer yes or no. No
-06483ba2bff074bc.jpg Is this an image of Museo Universitario del Chopo? Please answer yes or no. Yes
-06483ba2bff074bc.jpg Is this an image of Cedar Park, Seattle, Washington? Please answer yes or no. No
-06740b93ad1f6c02.jpg Is this a picture of Borisoglebsky Monastery (Borisoglebsky)? Please answer yes or no. Yes
-06740b93ad1f6c02.jpg Is this a picture of Aletsch Arena? Please answer yes or no. No
-067ea27ec08c9354.jpg Is this a picture of Schlosskirche St. Aegidien (Bernburg)? Please answer yes or no. Yes
-067ea27ec08c9354.jpg Is this a picture of The Haining? Please answer yes or no. No
-06a85d0b5d70881d.jpg Is this an image of Silwan? Please answer yes or no. Yes
-06a85d0b5d70881d.jpg Is this an image of Jagdschloss Platte? Please answer yes or no. No
-06ab45292ecd8bf7.jpg Is this a picture of Maribor Regional Museum? Please answer yes or no. Yes
-06ab45292ecd8bf7.jpg Is this a picture of Myres Castle? Please answer yes or no. No
-06b6531dab42ccab.jpg Is this a picture of Roland (Riga)? Please answer yes or no. Yes
-06b6531dab42ccab.jpg Is this a picture of Wudangshan Shangdi Temple? Please answer yes or no. No
-06d039ff97afef04.jpg Is this a picture of Arch of Galerius (Thessaloniki)? Please answer yes or no. Yes
-06d039ff97afef04.jpg Is this a picture of Catholic Church of Wanchin? Please answer yes or no. No
-06e453b06a3e4054.jpg Is this an image of Pendeen Lighthouse? Please answer yes or no. Yes
-06e453b06a3e4054.jpg Is this an image of Silberbach (Heubach)? Please answer yes or no. No
-06e927f784642ce4.jpg Is this a picture of Museo Delta Antico? Please answer yes or no. Yes
-06e927f784642ce4.jpg Is this a picture of OSTEC Exhibition Hall? Please answer yes or no. No
-070c8d6326a87397.jpg Is this an image of Lanxmeerpoort? Please answer yes or no. Yes
-070c8d6326a87397.jpg Is this an image of Tramway du Cap-Ferret? Please answer yes or no. No
-0713451824a443d4.jpg Is this a picture of Castillo de Sax? Please answer yes or no. Yes
-0713451824a443d4.jpg Is this a picture of Roman Catholic Diocese of Orlando? Please answer yes or no. No
-0743e58605497887.jpg Is this an image of Capitoline temple (Brescia)? Please answer yes or no. Yes
-0743e58605497887.jpg Is this an image of Burg Horn? Please answer yes or no. No
-075264ec41057049.jpg Is this a picture of Imatrankoski? Please answer yes or no. Yes
-075264ec41057049.jpg Is this a picture of Jarlsberg travbane? Please answer yes or no. No
-07551cf96af77299.jpg Is this a photo of Friedhof Wilmersdorf? Please answer yes or no. Yes
-07551cf96af77299.jpg Is this a photo of Partisan cemetery in Mostar? Please answer yes or no. No
-075f8d86303a020e.jpg Is this a photo of Church of the Nativity (Bethlehem)? Please answer yes or no. Yes
-075f8d86303a020e.jpg Is this a photo of Pennsylvania Railroad Office Building? Please answer yes or no. No
-07ac52cf4620519f.jpg Is this a photo of San Pietro (Reggio Emilia)? Please answer yes or no. Yes
-07ac52cf4620519f.jpg Is this a photo of Plaza de toros de La Condomina? Please answer yes or no. No
-07b04584e67cb39d.jpg Is this a picture of Smithfield, Dublin? Please answer yes or no. Yes
-07b04584e67cb39d.jpg Is this a picture of Novyi Svit Sanctuary? Please answer yes or no. No
-07ed43dd266b669b.jpg Is this a photo of Rocky Mountain National Park? Please answer yes or no. Yes
-07ed43dd266b669b.jpg Is this a photo of Col-des-Roches? Please answer yes or no. No
-083dd5a3ba3d96dc.jpg Is this a picture of Teddington Cemetery? Please answer yes or no. Yes
-083dd5a3ba3d96dc.jpg Is this a picture of Khutir Nadia? Please answer yes or no. No
-08442f24f3c25565.jpg Is this a photo of Abdijkerk Loosduinen? Please answer yes or no. Yes
-08442f24f3c25565.jpg Is this a photo of Rinsey Head? Please answer yes or no. No
-08a0d2fd3fe6dc95.jpg Is this a picture of Dreifaltigkeitskirche (Ulm)? Please answer yes or no. Yes
-08a0d2fd3fe6dc95.jpg Is this a picture of Wat Pa Mamuang? Please answer yes or no. No
-08c43cd8f2be6709.jpg Is this a picture of Parchi di Nervi? Please answer yes or no. Yes
-08c43cd8f2be6709.jpg Is this a picture of Altlayer Schweiz? Please answer yes or no. No
-09232aeaf46dec64.jpg Is this a picture of Canadian Museum of Nature? Please answer yes or no. Yes
-09232aeaf46dec64.jpg Is this a picture of Gwangtonggwan? Please answer yes or no. No
-092d0859ff6424de.jpg Is this a photo of Kasteel Lunenburg? Please answer yes or no. Yes
-092d0859ff6424de.jpg Is this a photo of Thomas Paine Cottage? Please answer yes or no. No
-092e075e8e44c228.jpg Is this a picture of ChaoTianGong? Please answer yes or no. Yes
-092e075e8e44c228.jpg Is this a picture of Pygmalion Theater Wien? Please answer yes or no. No
-093ad5564a004653.jpg Is this a picture of Crescent Lake (Dunhuang)? Please answer yes or no. Yes
-093ad5564a004653.jpg Is this a picture of Kirjurinluoto Arena? Please answer yes or no. No
-0962855b67159733.jpg Is this a photo of Monastery of Monsalud? Please answer yes or no. Yes
-0962855b67159733.jpg Is this a photo of ToonSeum? Please answer yes or no. No
-09a51d517f1a72d5.jpg Is this a picture of Ford's Theatre? Please answer yes or no. Yes
-09a51d517f1a72d5.jpg Is this a picture of Burg Hachen? Please answer yes or no. No
-09ae0628a75e4fcc.jpg Is this a picture of Onze-Lieve-Vrouw Hemelvaartkerk (Zottegem)? Please answer yes or no. Yes
-09ae0628a75e4fcc.jpg Is this a picture of Salvation Army in Canada? Please answer yes or no. No
-09b7acf87c8046ec.jpg Is this an image of Church of the Epiphany (Yaroslavl)? Please answer yes or no. Yes
-09b7acf87c8046ec.jpg Is this an image of Szlenkier Palace? Please answer yes or no. No
-09b94a2f304a540c.jpg Is this a photo of Abbaye Notre-Dame du Val? Please answer yes or no. Yes
-09b94a2f304a540c.jpg Is this a photo of Hotarumachi, Osaka? Please answer yes or no. No
-09ce89cbf237da03.jpg Is this a picture of Church of Saint Mary Magdalene (Brno)? Please answer yes or no. Yes
-09ce89cbf237da03.jpg Is this a picture of Wain Wath Force? Please answer yes or no. No
-0a3035bfca2ab920.jpg Is this an image of Ortigia? Please answer yes or no. Yes
-0a3035bfca2ab920.jpg Is this an image of Montmayeur castle? Please answer yes or no. No
-0ab2ed007db301d5.jpg Is this a picture of Highgate Cemetery? Please answer yes or no. Yes
-0ab2ed007db301d5.jpg Is this a picture of Isola Maggiore? Please answer yes or no. No
-0acc12d1261d99ca.jpg Is this an image of Wat Chedi Si Hong? Please answer yes or no. Yes
-0acc12d1261d99ca.jpg Is this an image of Leschi Park? Please answer yes or no. No
-0adb088e24d88123.jpg Is this a picture of Iglesia de Santo Domingo (La Serena)? Please answer yes or no. Yes
-0adb088e24d88123.jpg Is this a picture of Canelles de Baix (la Vall de Bianya)? Please answer yes or no. No
-0ae3355e0a54db21.jpg Is this a photo of Grimspound? Please answer yes or no. Yes
-0ae3355e0a54db21.jpg Is this a photo of Lough Owel? Please answer yes or no. No
-0b4240b5ef69362e.jpg Is this a photo of Saint Anne church in Nowa Ruda? Please answer yes or no. Yes
-0b4240b5ef69362e.jpg Is this a photo of Bray Wick? Please answer yes or no. No
-0b64944086932c90.jpg Is this a picture of Alte Pfarrkirche St. Martin (Moosach)? Please answer yes or no. Yes
-0b64944086932c90.jpg Is this a picture of Maya Devi Temple, Lumbini? Please answer yes or no. No
-0b8fa4152f1bc3ed.jpg Is this a picture of Lac du Salagou? Please answer yes or no. Yes
-0b8fa4152f1bc3ed.jpg Is this a picture of Holsljunga kyrka? Please answer yes or no. No
-0ba6fa7ade050d49.jpg Is this a photo of Churches in Zemaiciu Kalvarija? Please answer yes or no. Yes
-0ba6fa7ade050d49.jpg Is this a photo of Waiola Church? Please answer yes or no. No
-0bd72080836eac97.jpg Is this a picture of Castelo de Sesimbra? Please answer yes or no. Yes
-0bd72080836eac97.jpg Is this a picture of Gouffre Berger? Please answer yes or no. No
-0bdd954254310e73.jpg Is this a photo of Melrose House? Please answer yes or no. Yes
-0bdd954254310e73.jpg Is this a photo of Former water tower (Tsubame, Niigata)? Please answer yes or no. No
-0c06fe97f38f6f88.jpg Is this a photo of Belvoir Castle? Please answer yes or no. Yes
-0c06fe97f38f6f88.jpg Is this a photo of Su'ao Cold Spring? Please answer yes or no. No
-0c6b0c5d2a401285.jpg Is this a photo of Pelham Crescent? Please answer yes or no. Yes
-0c6b0c5d2a401285.jpg Is this a photo of Manila Ocean Park? Please answer yes or no. No
-0cc5201e37961a1d.jpg Is this a photo of Adare Manor? Please answer yes or no. Yes
-0cc5201e37961a1d.jpg Is this a photo of Leopoldspark? Please answer yes or no. No
-0cd8fda9668b3ed2.jpg Is this a picture of Church of the Holy Mandylion (Klyazma)? Please answer yes or no. Yes
-0cd8fda9668b3ed2.jpg Is this a picture of Kalayar Kovil? Please answer yes or no. No
-0cf2e28266a0f1a1.jpg Is this an image of Piazza Bra (Verona)? Please answer yes or no. Yes
-0cf2e28266a0f1a1.jpg Is this an image of Keeneland? Please answer yes or no. No
-0cf48b827c9c99de.jpg Is this a photo of Beatus Rhenanus Bridge? Please answer yes or no. Yes
-0cf48b827c9c99de.jpg Is this a photo of Ossian Hall? Please answer yes or no. No
-0d23f6c345b68c05.jpg Is this an image of Monte Olivia? Please answer yes or no. Yes
-0d23f6c345b68c05.jpg Is this an image of Crackstate? Please answer yes or no. No
-0d70bceb2557d1f4.jpg Is this an image of Spaso-Preobrazhensky Cathedral (Pereslavl-Zalessky)? Please answer yes or no. Yes
-0d70bceb2557d1f4.jpg Is this an image of Manta Rota? Please answer yes or no. No
-0d7716f4aed0c9fa.jpg Is this a photo of Willemsbrug in Rotterdam? Please answer yes or no. Yes
-0d7716f4aed0c9fa.jpg Is this a photo of Grumentum, Parco archeologico? Please answer yes or no. No
-0d89a8a5e8c269e4.jpg Is this an image of Burg Normannstein? Please answer yes or no. Yes
-0d89a8a5e8c269e4.jpg Is this an image of Cape Borda Lighthouse? Please answer yes or no. No
-0e04b4f7f9801ea9.jpg Is this a picture of Vase sculpture, Bremen? Please answer yes or no. Yes
-0e04b4f7f9801ea9.jpg Is this a picture of Mount Wilhelm? Please answer yes or no. No
-0e0511c6e33636ca.jpg Is this a picture of Victoria Stadium? Please answer yes or no. Yes
-0e0511c6e33636ca.jpg Is this a picture of Villa Belvedere (San Giuliano Terme)? Please answer yes or no. No
-0e553d5d99e21c32.jpg Is this a picture of Mustafa Pasha Bridge? Please answer yes or no. Yes
-0e553d5d99e21c32.jpg Is this a picture of Scrattons Eco Park? Please answer yes or no. No
-0eb857c972ddc4c8.jpg Is this an image of Nabq Protected Area? Please answer yes or no. Yes
-0eb857c972ddc4c8.jpg Is this an image of Maletsunyane Falls? Please answer yes or no. No
-0f92862c0366ab60.jpg Is this a photo of Cotehele? Please answer yes or no. Yes
-0f92862c0366ab60.jpg Is this a photo of Mozirje Grove? Please answer yes or no. No
-0fc48f210ea7d363.jpg Is this a photo of Schauenburg (Oberkirch)? Please answer yes or no. Yes
-0fc48f210ea7d363.jpg Is this a photo of Dartford Library? Please answer yes or no. No
-100e5402cfb2dfcf.jpg Is this a picture of Nanzenji? Please answer yes or no. Yes
-100e5402cfb2dfcf.jpg Is this a picture of Bagakain Lake? Please answer yes or no. No
-101786bd2ec5800e.jpg Is this a picture of Church of the Merciful Saviour in Kuskovo (Moscow)? Please answer yes or no. Yes
-101786bd2ec5800e.jpg Is this a picture of Central Board of Secondary Education? Please answer yes or no. No
-1023b7ec812bb4c6.jpg Is this a photo of St. Joseph's Cathedral, Dunedin? Please answer yes or no. Yes
-1023b7ec812bb4c6.jpg Is this a photo of Fagervik Church? Please answer yes or no. No
-1053f4cebfceabd8.jpg Is this an image of Woolwich foot tunnel? Please answer yes or no. Yes
-1053f4cebfceabd8.jpg Is this an image of Kirchenbibliothek St. Marien Barth? Please answer yes or no. No
-10a944858a4283e0.jpg Is this a picture of Harding Tomb? Please answer yes or no. Yes
-10a944858a4283e0.jpg Is this a picture of Kartause Ittingen? Please answer yes or no. No
-10b2b8741f283a3c.jpg Is this a photo of De Bataaf, Winterswijk? Please answer yes or no. Yes
-10b2b8741f283a3c.jpg Is this a photo of Porte Guillaume-Lion? Please answer yes or no. No
-11b6bb2c35f4ee22.jpg Is this an image of Ku-ring-gai Chase National Park? Please answer yes or no. Yes
-11b6bb2c35f4ee22.jpg Is this an image of Saint Mark's Coptic Orthodox Cathedral, Cairo? Please answer yes or no. No
-127be7d34a21e5ed.jpg Is this a picture of Beachy Head? Please answer yes or no. Yes
-127be7d34a21e5ed.jpg Is this a picture of Jindo Bridge? Please answer yes or no. No
-130846b4f29fe4ba.jpg Is this a photo of Duomo (Viterbo)? Please answer yes or no. Yes
-130846b4f29fe4ba.jpg Is this a photo of Raffles Praslin? Please answer yes or no. No
-13a563a1a8ef38ae.jpg Is this a photo of Torre del Rellotge d'Olesa de Montserrat? Please answer yes or no. Yes
-13a563a1a8ef38ae.jpg Is this a photo of Salzburg Museum? Please answer yes or no. No
-14d3aba340d2fba9.jpg Is this an image of Regard Saint-Martin? Please answer yes or no. Yes
-14d3aba340d2fba9.jpg Is this an image of Mount Donna Buang? Please answer yes or no. No
-15b75eb6fca4aeb6.jpg Is this a photo of City Duma building (Saint Petersburg)? Please answer yes or no. Yes
-15b75eb6fca4aeb6.jpg Is this a photo of Komadome-Hachiman-jinja? Please answer yes or no. No
-15ec5d2c0898a56e.jpg Is this a photo of Kids Marina Rotterdam? Please answer yes or no. Yes
-15ec5d2c0898a56e.jpg Is this a photo of Kirkwood Observatory? Please answer yes or no. No
-15f326a030396dba.jpg Is this a picture of Macquarie Centre? Please answer yes or no. Yes
-15f326a030396dba.jpg Is this a picture of California Historical Landmarks in San Mateo County, California? Please answer yes or no. No
-162a77504f4e686e.jpg Is this an image of Wieliczka Castle? Please answer yes or no. Yes
-162a77504f4e686e.jpg Is this an image of Naval Station Guantanamo Bay? Please answer yes or no. No
-16b76bdd7eaaef1b.jpg Is this a picture of Evangelische Kirche Weinfelden? Please answer yes or no. Yes
-16b76bdd7eaaef1b.jpg Is this a picture of Gorg Blau? Please answer yes or no. No
-16d55614b78b6b8b.jpg Is this an image of Church of the Assumption in Bishche? Please answer yes or no. Yes
-16d55614b78b6b8b.jpg Is this an image of Water of Girvan? Please answer yes or no. No
-17e0cd732e35d4aa.jpg Is this a photo of Millennium Tower (San Francisco, California)? Please answer yes or no. Yes
-17e0cd732e35d4aa.jpg Is this a photo of New Orleans Botanical Garden? Please answer yes or no. No
-18608ca3b785abf8.jpg Is this a picture of Solvognen? Please answer yes or no. Yes
-18608ca3b785abf8.jpg Is this a picture of Schenley Farms National Historic District? Please answer yes or no. No
-197e440391d309f8.jpg Is this a picture of Skansin? Please answer yes or no. Yes
-197e440391d309f8.jpg Is this a picture of Bardstown Historic District? Please answer yes or no. No
-19fe04377265454e.jpg Is this a picture of Alexander Nevsky Church, Belgrade? Please answer yes or no. Yes
-19fe04377265454e.jpg Is this a picture of Seppiko-Mineyama Hyogo Prefectural Nature Park? Please answer yes or no. No
-1a32959819038291.jpg Is this an image of Id Kah Mosque? Please answer yes or no. Yes
-1a32959819038291.jpg Is this an image of Katharinenkirche (Zwickau)? Please answer yes or no. No
-1ac0e3c493073995.jpg Is this an image of Church of Saint John the Baptist (Jihlava)? Please answer yes or no. Yes
-1ac0e3c493073995.jpg Is this an image of Silte kyrka? Please answer yes or no. No
-1d4be36153741972.jpg Is this a picture of Marie Guyart Building? Please answer yes or no. Yes
-1d4be36153741972.jpg Is this a picture of Motol? Please answer yes or no. No
-1f233b807b660d25.jpg Is this a photo of Aussichtsturm Pyramidenkogel? Please answer yes or no. Yes
-1f233b807b660d25.jpg Is this a photo of Vvedenskoe cemetery? Please answer yes or no. No
-27a4267b9ea26cd0.jpg Is this an image of Oude Salviuskerk (Limbricht)? Please answer yes or no. Yes
-27a4267b9ea26cd0.jpg Is this an image of Festung Heldrungen? Please answer yes or no. No
-2a895eb889d6fd99.jpg Is this an image of Beijing Guozijian? Please answer yes or no. Yes
-2a895eb889d6fd99.jpg Is this an image of Klinikkirche (Pfafferode)? Please answer yes or no. No
-2f25654bcb445452.jpg Is this a photo of Rinku Gate Tower Building? Please answer yes or no. Yes
-2f25654bcb445452.jpg Is this a photo of Bigorski Monastery? Please answer yes or no. No
-3c89eb4043bcefac.jpg Is this a picture of Begijnhofkerk (Mechelen)? Please answer yes or no. Yes
-3c89eb4043bcefac.jpg Is this a picture of Panther Hollow Lake? Please answer yes or no. No
diff --git a/eval/vlm/eval/mme/Your_Results/numerical_calculation.txt b/eval/vlm/eval/mme/Your_Results/numerical_calculation.txt
deleted file mode 100644
index b85b310edf21f6f83c9f6356a709fc9d54ba3076..0000000000000000000000000000000000000000
--- a/eval/vlm/eval/mme/Your_Results/numerical_calculation.txt
+++ /dev/null
@@ -1,40 +0,0 @@
-0001.png Is the answer to the arithmetic question in the image 225? Please answer yes or no. Yes
-0001.png Is the answer to the arithmetic question in the image 1515? Please answer yes or no. No
-0002.png Is the answer to the arithmetic question in the image 340? Please answer yes or no. Yes
-0002.png Is the answer to the arithmetic question in the image 17? Please answer yes or no. No
-0003.png Is the answer to the arithmetic question in the image 65? Please answer yes or no. Yes
-0003.png Is the answer to the arithmetic question in the image 56? Please answer yes or no. No
-0004.png Is the answer to the arithmetic question in the image 33? Please answer yes or no. Yes
-0004.png Is the answer to the arithmetic question in the image 32? Please answer yes or no. No
-0005.png Is the area of the square in the picture equal to 40? Please answer yes or no. Yes
-0005.png Is the area of the square in the picture equal to 8? Please answer yes or no. No
-0006.png Is the area of the square in the picture equal to 9? Please answer yes or no. Yes
-0006.png Is the area of the square in the picture equal to 3? Please answer yes or no. No
-0007.png Is the answer to the arithmetic question in the image 49? Please answer yes or no. Yes
-0007.png Is the answer to the arithmetic question in the image 39? Please answer yes or no. No
-0008.png Should the value of "a" in the picture equal 7? Please answer yes or no. Yes
-0008.png Should the value of "a" in the picture equal 14? Please answer yes or no. No
-0009.png Should the value of "a" in the picture equal 2? Please answer yes or no. Yes
-0009.png Should the value of "a" in the picture equal 3? Please answer yes or no. No
-0010.png Is the answer to the arithmetic question in the image 13? Please answer yes or no. Yes
-0010.png Is the answer to the arithmetic question in the image 12? Please answer yes or no. No
-0011.png Is the area of the parallelogram in the picture equal to 24? Please answer yes or no. Yes
-0011.png Is the area of the parallelogram in the picture equal to 6? Please answer yes or no. No
-0012.png Should the value of "a" in the picture equal 9? Please answer yes or no. Yes
-0012.png Should the value of "a" in the picture equal 1? Please answer yes or no. No
-0013.png Is the area of the right triangle in the picture equal to 24? Please answer yes or no. Yes
-0013.png Is the area of the right triangle in the picture equal to 8? Please answer yes or no. No
-0014.png Is the answer to the arithmetic question in the image 200? Please answer yes or no. Yes
-0014.png Is the answer to the arithmetic question in the image 400? Please answer yes or no. No
-0015.png Is the answer to the arithmetic question in the image 11? Please answer yes or no. Yes
-0015.png Is the answer to the arithmetic question in the image 111? Please answer yes or no. No
-0016.png Is the answer to the arithmetic question in the image 9? Please answer yes or no. Yes
-0016.png Is the answer to the arithmetic question in the image 16? Please answer yes or no. No
-0017.png Is the answer to the arithmetic question in the image 14? Please answer yes or no. Yes
-0017.png Is the answer to the arithmetic question in the image 83? Please answer yes or no. No
-0018.png Should the value of "a" in the picture equal 3? Please answer yes or no. Yes
-0018.png Should the value of "a" in the picture equal 2? Please answer yes or no. No
-0019.png Is the answer to the arithmetic question in the image 18? Please answer yes or no. Yes
-0019.png Is the answer to the arithmetic question in the image 36? Please answer yes or no. No
-0020.png Is the answer to the arithmetic question in the image 9? Please answer yes or no. Yes
-0020.png Is the answer to the arithmetic question in the image 45? Please answer yes or no. No
diff --git a/eval/vlm/eval/mme/Your_Results/position.txt b/eval/vlm/eval/mme/Your_Results/position.txt
deleted file mode 100644
index 62111f718cab28ef129f80dc304bfa8f320536c4..0000000000000000000000000000000000000000
--- a/eval/vlm/eval/mme/Your_Results/position.txt
+++ /dev/null
@@ -1,60 +0,0 @@
-000000006471.jpg Is the cricket bat above the batter's body? Please answer yes or no. Yes
-000000006471.jpg Is the cricket bat under the batter's body Please answer yes or no. No
-000000007281.jpg Is the sea behind people in the image? Please answer yes or no. Yes
-000000007281.jpg Is the sea in front of people in the image? Please answer yes or no. No
-000000014038.jpg Is the refrigerator on the left side of the picture? Please answer yes or no. Yes
-000000014038.jpg Is the refrigerator on the right side of the picture Please answer yes or no. No
-000000031248.jpg Is there a sofa in the middle of potted plants in the image? Please answer yes or no. Yes
-000000031248.jpg Is there a sofa in the right side of potted plants in the image? Please answer yes or no. No
-000000048504.jpg Is the gray elephant in front of the brown elephant? Please answer yes or no. Yes
-000000048504.jpg Is the brown elephant in front of the gray elephant? Please answer yes or no. No
-000000052007.jpg Are the pedestrians on the right of the bus? Please answer yes or no. Yes
-000000052007.jpg Are the pedestrians on the left of the bus? Please answer yes or no. No
-000000056127.jpg Is the light above the fire hydrant in the image? Please answer yes or no. Yes
-000000056127.jpg Is the light under the fire hydrant in the image? Please answer yes or no. No
-000000062025.jpg Is the trash can under the cup in the image? Please answer yes or no. Yes
-000000062025.jpg Is the trash can above the cup in the image? Please answer yes or no. No
-000000062808.jpg Is the phone above the pizza in the image? Please answer yes or no. Yes
-000000062808.jpg Is the phone under the pizza in the image? Please answer yes or no. No
-000000067213.jpg Is the dog above the pool in the image? Please answer yes or no. Yes
-000000067213.jpg Is the dog under the pool in the image? Please answer yes or no. No
-000000097994.jpg Is the light above the computer in the image? Please answer yes or no. Yes
-000000097994.jpg Is the light under the computer in the image? Please answer yes or no. No
-000000204871.jpg Is the car on the right side of the fire hydrant in the picture? Please answer yes or no. Yes
-000000204871.jpg Is the car on the left side of the fire hydrant in the picture? Please answer yes or no. No
-000000206487.jpg Is the motorcycle on the right side of the bus? Please answer yes or no. Yes
-000000206487.jpg Is the motorcycle on the left side of the bus Please answer yes or no. No
-000000211825.jpg Is the cake on the left side of the camera? Please answer yes or no. Yes
-000000211825.jpg Is the cake on the right side of the camera? Please answer yes or no. No
-000000212800.jpg Is the blue umbrella under the black umbrella? Please answer yes or no. Yes
-000000212800.jpg Is the blue umbrella above the black umbrella? Please answer yes or no. No
-000000395701.jpg Is the TV on the left of the bookshelf? Please answer yes or no. Yes
-000000395701.jpg Is the TV on the right of the bookshelf? Please answer yes or no. No
-000000395801.jpg Is the clock above people? Please answer yes or no. Yes
-000000395801.jpg Is the clock under people? Please answer yes or no. No
-000000405970.jpg Is the grey sofa on the right of the TV? Please answer yes or no. Yes
-000000405970.jpg Is the grey sofa on the left of the TV? Please answer yes or no. No
-000000426241.jpg Is the white mouse on the right of the black keyboard? Please answer yes or no. Yes
-000000426241.jpg Is the white mouse on the left of the black keyboard? Please answer yes or no. No
-000000450303.jpg Is the monitor on top of a person? Please answer yes or no. Yes
-000000450303.jpg Is the monitor under the person? Please answer yes or no. No
-000000458410.jpg Is the TV on the left of the lamp? Please answer yes or no. Yes
-000000458410.jpg Is the TV on the right of the lamp? Please answer yes or no. No
-000000472046.jpg Is the pineapple on the left of the pot in the image? Please answer yes or no. Yes
-000000472046.jpg Is the pineapple on the right of the pot in the image? Please answer yes or no. No
-000000477955.jpg Is the person under the kite? Please answer yes or no. Yes
-000000477955.jpg Is the person above the kite? Please answer yes or no. No
-000000482585.jpg Is the person on the right of the train? Please answer yes or no. Yes
-000000482585.jpg Is the person on the left of the train? Please answer yes or no. No
-000000494869.jpg Is the baby on the right of the dog in the image? Please answer yes or no. Yes
-000000494869.jpg Is the baby on the left of the dog in the image? Please answer yes or no. No
-000000509699.jpg Is the mirror above the TV? Please answer yes or no. Yes
-000000509699.jpg Is the mirror under the TV? Please answer yes or no. No
-000000519569.jpg Is the vase on the left of the bottle? Please answer yes or no. Yes
-000000519569.jpg Is the vase on the right of the bottle? Please answer yes or no. No
-000000530162.jpg Is the big red and black umbrella on the top of people? Please answer yes or no. Yes
-000000530162.jpg Is the big red and black umbrella under people? Please answer yes or no. No
-000000551660.jpg Is the spoon in the bowl? Please answer yes or no. Yes
-000000551660.jpg Is the spoon out of the bowl? Please answer yes or no. No
-000000578922.jpg Is the vase on the left of the toothbrush? Please answer yes or no. Yes
-000000578922.jpg Is the vase on the right of the toothbrush? Please answer yes or no. No
diff --git a/eval/vlm/eval/mme/Your_Results/posters.txt b/eval/vlm/eval/mme/Your_Results/posters.txt
deleted file mode 100644
index 4919bd80b7ff15ae45958b5d9b53158e8fdf76d3..0000000000000000000000000000000000000000
--- a/eval/vlm/eval/mme/Your_Results/posters.txt
+++ /dev/null
@@ -1,294 +0,0 @@
-tt0048028.jpg Is this movie directed by elia kazan? Please answer yes or no. Yes
-tt0048028.jpg Is this movie directed by maneesh sharma? Please answer yes or no. No
-tt0053221.jpg Is this movie titled rio bravo (1959)? Please answer yes or no. Yes
-tt0053221.jpg Is this movie titled the matrix (1999)? Please answer yes or no. No
-tt0062622.jpg Is this movie originated from the country or region of uk? Please answer yes or no. Yes
-tt0062622.jpg Is this movie originated from the country or region of china? Please answer yes or no. No
-tt0063442.jpg Is this movie originated from the country or region of usa? Please answer yes or no. Yes
-tt0063442.jpg Is this movie originated from the country or region of japan? Please answer yes or no. No
-tt0065724.jpg Is this movie directed by bob rafelson? Please answer yes or no. Yes
-tt0065724.jpg Is this movie directed by anthony minghella? Please answer yes or no. No
-tt0067116.jpg Is this movie originated from the country or region of usa? Please answer yes or no. Yes
-tt0067116.jpg Is this movie originated from the country or region of uk? Please answer yes or no. No
-tt0067140.jpg Is this movie titled duck, you sucker (1971)? Please answer yes or no. Yes
-tt0067140.jpg Is this movie titled crimson tide (1995)? Please answer yes or no. No
-tt0067185.jpg Is this movie directed by hal ashby? Please answer yes or no. Yes
-tt0067185.jpg Is this movie directed by john hillcoat? Please answer yes or no. No
-tt0068646.jpg Is this movie titled the godfather (1972)? Please answer yes or no. Yes
-tt0068646.jpg Is this movie titled bring on the melody (2017)? Please answer yes or no. No
-tt0070291.jpg Is this movie originated from the country or region of usa? Please answer yes or no. Yes
-tt0070291.jpg Is this movie originated from the country or region of spain? Please answer yes or no. No
-tt0071315.jpg Is this movie titled chinatown (1974)? Please answer yes or no. Yes
-tt0071315.jpg Is this movie titled planet of the apes (1968)? Please answer yes or no. No
-tt0074119.jpg Is this movie directed by alan j. pakula? Please answer yes or no. Yes
-tt0074119.jpg Is this movie directed by stanley kubrick? Please answer yes or no. No
-tt0074749.jpg Is this movie originated from the country or region of usa? Please answer yes or no. Yes
-tt0074749.jpg Is this movie originated from the country or region of venezuela? Please answer yes or no. No
-tt0082186.jpg Is this movie directed by desmond davis? Please answer yes or no. Yes
-tt0082186.jpg Is this movie directed by edward zwick? Please answer yes or no. No
-tt0083907.jpg Is this movie originated from the country or region of usa? Please answer yes or no. Yes
-tt0083907.jpg Is this movie originated from the country or region of bulgaria? Please answer yes or no. No
-tt0083946.jpg Is this movie originated from the country or region of west germany? Please answer yes or no. Yes
-tt0083946.jpg Is this movie originated from the country or region of denmark? Please answer yes or no. No
-tt0084787.jpg Is this movie titled the thing (1982)? Please answer yes or no. Yes
-tt0084787.jpg Is this movie titled jay and silent bob strike back (2001)? Please answer yes or no. No
-tt0086250.jpg Is this movie directed by brian de palma? Please answer yes or no. Yes
-tt0086250.jpg Is this movie directed by patrice leconte? Please answer yes or no. No
-tt0093565.jpg Is this movie titled moonstruck (1987)? Please answer yes or no. Yes
-tt0093565.jpg Is this movie titled now you see me (2013)? Please answer yes or no. No
-tt0093773.jpg Is this movie titled predator (1987)? Please answer yes or no. Yes
-tt0093773.jpg Is this movie titled the cell (2000)? Please answer yes or no. No
-tt0094291.jpg Is this movie directed by oliver stone? Please answer yes or no. Yes
-tt0094291.jpg Is this movie directed by raja gosnell? Please answer yes or no. No
-tt0096446.jpg Is this movie directed by ron howard? Please answer yes or no. Yes
-tt0096446.jpg Is this movie directed by peter jackson? Please answer yes or no. No
-tt0096463.jpg Is this movie directed by mike nichols? Please answer yes or no. Yes
-tt0096463.jpg Is this movie directed by cary joji fukunaga? Please answer yes or no. No
-tt0096895.jpg Is this movie originated from the country or region of usa? Please answer yes or no. Yes
-tt0096895.jpg Is this movie originated from the country or region of china? Please answer yes or no. No
-tt0097576.jpg Is this movie directed by steven spielberg? Please answer yes or no. Yes
-tt0097576.jpg Is this movie directed by francis ford coppola? Please answer yes or no. No
-tt0098635.jpg Is this movie originated from the country or region of usa? Please answer yes or no. Yes
-tt0098635.jpg Is this movie originated from the country or region of spain? Please answer yes or no. No
-tt0098724.jpg Is this movie titled sex, lies, and videotape (1989)? Please answer yes or no. Yes
-tt0098724.jpg Is this movie titled final destination (2000)? Please answer yes or no. No
-tt0099653.jpg Is this movie directed by jerry zucker? Please answer yes or no. Yes
-tt0099653.jpg Is this movie directed by felix chong,alan mak? Please answer yes or no. No
-tt0100112.jpg Is this movie originated from the country or region of france? Please answer yes or no. Yes
-tt0100112.jpg Is this movie originated from the country or region of new zealand? Please answer yes or no. No
-tt0100150.jpg Is this movie originated from the country or region of usa? Please answer yes or no. Yes
-tt0100150.jpg Is this movie originated from the country or region of hong kong? Please answer yes or no. No
-tt0100935.jpg Is this movie originated from the country or region of usa? Please answer yes or no. Yes
-tt0100935.jpg Is this movie originated from the country or region of canada? Please answer yes or no. No
-tt0101889.jpg Is this movie titled the fisher king (1991)? Please answer yes or no. Yes
-tt0101889.jpg Is this movie titled a good day to die hard (2013)? Please answer yes or no. No
-tt0101921.jpg Is this movie originated from the country or region of usa? Please answer yes or no. Yes
-tt0101921.jpg Is this movie originated from the country or region of australia? Please answer yes or no. No
-tt0107653.jpg Is this movie titled naked (1993)? Please answer yes or no. Yes
-tt0107653.jpg Is this movie titled captain america: civil war (2016)? Please answer yes or no. No
-tt0107808.jpg Is this movie titled a perfect world (1993)? Please answer yes or no. Yes
-tt0107808.jpg Is this movie titled harold and maude (1971)? Please answer yes or no. No
-tt0110201.jpg Is this movie titled hail the judge (1994)? Please answer yes or no. Yes
-tt0110201.jpg Is this movie titled batman (1989)? Please answer yes or no. No
-tt0112740.jpg Is this movie titled crimson tide (1995)? Please answer yes or no. Yes
-tt0112740.jpg Is this movie titled insidious: the last key (2018)? Please answer yes or no. No
-tt0113497.jpg Is this movie titled jumanji (1995)? Please answer yes or no. Yes
-tt0113497.jpg Is this movie titled morgan (2016)? Please answer yes or no. No
-tt0114369.jpg Is this movie titled se7en (1995)? Please answer yes or no. Yes
-tt0114369.jpg Is this movie titled a perfect world (1993)? Please answer yes or no. No
-tt0114388.jpg Is this movie directed by ang lee? Please answer yes or no. Yes
-tt0114388.jpg Is this movie directed by david lowery? Please answer yes or no. No
-tt0116209.jpg Is this movie directed by anthony minghella? Please answer yes or no. Yes
-tt0116209.jpg Is this movie directed by john cassavetes? Please answer yes or no. No
-tt0116629.jpg Is this movie originated from the country or region of usa? Please answer yes or no. Yes
-tt0116629.jpg Is this movie originated from the country or region of australia? Please answer yes or no. No
-tt0118636.jpg Is this movie titled apt pupil (1998)? Please answer yes or no. Yes
-tt0118636.jpg Is this movie titled a good day to die hard (2013)? Please answer yes or no. No
-tt0118655.jpg Is this movie directed by jay roach? Please answer yes or no. Yes
-tt0118655.jpg Is this movie directed by peter jackson? Please answer yes or no. No
-tt0118715.jpg Is this movie originated from the country or region of usa? Please answer yes or no. Yes
-tt0118715.jpg Is this movie originated from the country or region of venezuela? Please answer yes or no. No
-tt0119303.jpg Is this movie originated from the country or region of usa? Please answer yes or no. Yes
-tt0119303.jpg Is this movie originated from the country or region of spain? Please answer yes or no. No
-tt0120738.jpg Is this movie originated from the country or region of usa? Please answer yes or no. Yes
-tt0120738.jpg Is this movie originated from the country or region of germany? Please answer yes or no. No
-tt0129387.jpg Is this movie originated from the country or region of usa? Please answer yes or no. Yes
-tt0129387.jpg Is this movie originated from the country or region of germany? Please answer yes or no. No
-tt0133093.jpg Is this movie directed by lana wachowski,lilly wachowski? Please answer yes or no. Yes
-tt0133093.jpg Is this movie directed by siu-tung ching? Please answer yes or no. No
-tt0163025.jpg Is this movie directed by joe johnston? Please answer yes or no. Yes
-tt0163025.jpg Is this movie directed by adam robitel? Please answer yes or no. No
-tt0166924.jpg Is this movie titled mulholland drive (2001)? Please answer yes or no. Yes
-tt0166924.jpg Is this movie titled lucky number slevin (2006)? Please answer yes or no. No
-tt0167261.jpg Is this movie directed by peter jackson? Please answer yes or no. Yes
-tt0167261.jpg Is this movie directed by gabe ibáñez? Please answer yes or no. No
-tt0182789.jpg Is this movie titled bicentennial man (1999)? Please answer yes or no. Yes
-tt0182789.jpg Is this movie titled ocean's eleven (2001)? Please answer yes or no. No
-tt0187078.jpg Is this movie titled gone in 60 seconds (2000)? Please answer yes or no. Yes
-tt0187078.jpg Is this movie titled avatar (2009)? Please answer yes or no. No
-tt0195714.jpg Is this movie directed by james wong? Please answer yes or no. Yes
-tt0195714.jpg Is this movie directed by bob rafelson? Please answer yes or no. No
-tt0209958.jpg Is this movie titled the cell (2000)? Please answer yes or no. Yes
-tt0209958.jpg Is this movie titled the matrix revolutions (2003)? Please answer yes or no. No
-tt0232500.jpg Is this movie titled the fast and the furious (2001)? Please answer yes or no. Yes
-tt0232500.jpg Is this movie titled east of eden (1955)? Please answer yes or no. No
-tt0240772.jpg Is this movie directed by steven soderbergh? Please answer yes or no. Yes
-tt0240772.jpg Is this movie directed by paul mcguigan? Please answer yes or no. No
-tt0242653.jpg Is this movie titled the matrix revolutions (2003)? Please answer yes or no. Yes
-tt0242653.jpg Is this movie titled sense and sensibility (1995)? Please answer yes or no. No
-tt0244244.jpg Is this movie originated from the country or region of usa? Please answer yes or no. Yes
-tt0244244.jpg Is this movie originated from the country or region of argentina? Please answer yes or no. No
-tt0258463.jpg Is this movie originated from the country or region of usa? Please answer yes or no. Yes
-tt0258463.jpg Is this movie originated from the country or region of italy? Please answer yes or no. No
-tt0261392.jpg Is this movie titled jay and silent bob strike back (2001)? Please answer yes or no. Yes
-tt0261392.jpg Is this movie titled avatar (2009)? Please answer yes or no. No
-tt0264395.jpg Is this movie originated from the country or region of germany? Please answer yes or no. Yes
-tt0264395.jpg Is this movie originated from the country or region of australia? Please answer yes or no. No
-tt0266697.jpg Is this movie directed by quentin tarantino? Please answer yes or no. Yes
-tt0266697.jpg Is this movie directed by peyton reed? Please answer yes or no. No
-tt0268978.jpg Is this movie titled a beautiful mind (2001)? Please answer yes or no. Yes
-tt0268978.jpg Is this movie titled blue jasmine (2013)? Please answer yes or no. No
-tt0318627.jpg Is this movie titled resident evil: apocalypse (2004)? Please answer yes or no. Yes
-tt0318627.jpg Is this movie titled the meddler (2015)? Please answer yes or no. No
-tt0328107.jpg Is this movie titled man on fire (2004)? Please answer yes or no. Yes
-tt0328107.jpg Is this movie titled real steel (2011)? Please answer yes or no. No
-tt0338751.jpg Is this movie directed by martin scorsese? Please answer yes or no. Yes
-tt0338751.jpg Is this movie directed by chris columbus? Please answer yes or no. No
-tt0341495.jpg Is this movie directed by siu-tung ching? Please answer yes or no. Yes
-tt0341495.jpg Is this movie directed by lorenzo vigas? Please answer yes or no. No
-tt0351977.jpg Is this movie directed by kevin bray? Please answer yes or no. Yes
-tt0351977.jpg Is this movie directed by joe johnston? Please answer yes or no. No
-tt0369702.jpg Is this movie originated from the country or region of spain? Please answer yes or no. Yes
-tt0369702.jpg Is this movie originated from the country or region of france? Please answer yes or no. No
-tt0373469.jpg Is this movie directed by shane black? Please answer yes or no. Yes
-tt0373469.jpg Is this movie directed by dennis dugan? Please answer yes or no. No
-tt0378194.jpg Is this movie directed by quentin tarantino? Please answer yes or no. Yes
-tt0378194.jpg Is this movie directed by todd phillips? Please answer yes or no. No
-tt0379786.jpg Is this movie titled serenity (2005)? Please answer yes or no. Yes
-tt0379786.jpg Is this movie titled bad genius (2017)? Please answer yes or no. No
-tt0393109.jpg Is this movie titled brick (2005)? Please answer yes or no. Yes
-tt0393109.jpg Is this movie titled sense and sensibility (1995)? Please answer yes or no. No
-tt0399201.jpg Is this movie directed by michael bay? Please answer yes or no. Yes
-tt0399201.jpg Is this movie directed by angelina jolie? Please answer yes or no. No
-tt0425210.jpg Is this movie titled lucky number slevin (2006)? Please answer yes or no. Yes
-tt0425210.jpg Is this movie titled the godfather (1972)? Please answer yes or no. No
-tt0433035.jpg Is this movie originated from the country or region of usa? Please answer yes or no. Yes
-tt0433035.jpg Is this movie originated from the country or region of new zealand? Please answer yes or no. No
-tt0443680.jpg Is this movie originated from the country or region of usa? Please answer yes or no. Yes
-tt0443680.jpg Is this movie originated from the country or region of germany? Please answer yes or no. No
-tt0449088.jpg Is this movie originated from the country or region of usa? Please answer yes or no. Yes
-tt0449088.jpg Is this movie originated from the country or region of japan? Please answer yes or no. No
-tt0450259.jpg Is this movie originated from the country or region of usa? Please answer yes or no. Yes
-tt0450259.jpg Is this movie originated from the country or region of china? Please answer yes or no. No
-tt0462499.jpg Is this movie titled rambo (2008)? Please answer yes or no. Yes
-tt0462499.jpg Is this movie titled walking tall (2004)? Please answer yes or no. No
-tt0499549.jpg Is this movie directed by james cameron? Please answer yes or no. Yes
-tt0499549.jpg Is this movie directed by jerry zucker? Please answer yes or no. No
-tt0780653.jpg Is this movie titled the wolfman (2010)? Please answer yes or no. Yes
-tt0780653.jpg Is this movie titled wild at heart (1990)? Please answer yes or no. No
-tt0829482.jpg Is this movie directed by greg mottola? Please answer yes or no. Yes
-tt0829482.jpg Is this movie directed by jing wong? Please answer yes or no. No
-tt0848228.jpg Is this movie titled the avengers (2012)? Please answer yes or no. Yes
-tt0848228.jpg Is this movie titled wolf warrior 2 (2017)? Please answer yes or no. No
-tt0898367.jpg Is this movie directed by john hillcoat? Please answer yes or no. Yes
-tt0898367.jpg Is this movie directed by franklin j. schaffner? Please answer yes or no. No
-tt0942385.jpg Is this movie titled tropic thunder (2008)? Please answer yes or no. Yes
-tt0942385.jpg Is this movie titled bad teacher (2011)? Please answer yes or no. No
-tt0993846.jpg Is this movie titled the wolf of wall street (2013)? Please answer yes or no. Yes
-tt0993846.jpg Is this movie titled lucky number slevin (2006)? Please answer yes or no. No
-tt1017460.jpg Is this movie directed by vincenzo natali? Please answer yes or no. Yes
-tt1017460.jpg Is this movie directed by raja gosnell? Please answer yes or no. No
-tt1057500.jpg Is this movie directed by clint eastwood? Please answer yes or no. Yes
-tt1057500.jpg Is this movie directed by john cassavetes? Please answer yes or no. No
-tt1068680.jpg Is this movie titled yes man (2008)? Please answer yes or no. Yes
-tt1068680.jpg Is this movie titled rio bravo (1959)? Please answer yes or no. No
-tt1099212.jpg Is this movie originated from the country or region of usa? Please answer yes or no. Yes
-tt1099212.jpg Is this movie originated from the country or region of japan? Please answer yes or no. No
-tt1119646.jpg Is this movie directed by todd phillips? Please answer yes or no. Yes
-tt1119646.jpg Is this movie directed by franklin j. schaffner? Please answer yes or no. No
-tt1124037.jpg Is this movie directed by gary ross? Please answer yes or no. Yes
-tt1124037.jpg Is this movie directed by francis ford coppola? Please answer yes or no. No
-tt1229822.jpg Is this movie titled jane eyre (2011)? Please answer yes or no. Yes
-tt1229822.jpg Is this movie titled kiss kiss bang bang (2005)? Please answer yes or no. No
-tt1284575.jpg Is this movie originated from the country or region of usa? Please answer yes or no. Yes
-tt1284575.jpg Is this movie originated from the country or region of bulgaria? Please answer yes or no. No
-tt1291150.jpg Is this movie directed by jonathan liebesman? Please answer yes or no. Yes
-tt1291150.jpg Is this movie directed by masahide ichii? Please answer yes or no. No
-tt1300851.jpg Is this movie originated from the country or region of usa? Please answer yes or no. Yes
-tt1300851.jpg Is this movie originated from the country or region of germany? Please answer yes or no. No
-tt1305806.jpg Is this movie titled the secret in their eyes (2009)? Please answer yes or no. Yes
-tt1305806.jpg Is this movie titled ocean's eleven (2001)? Please answer yes or no. No
-tt1343092.jpg Is this movie directed by baz luhrmann? Please answer yes or no. Yes
-tt1343092.jpg Is this movie directed by lorenzo vigas? Please answer yes or no. No
-tt1385826.jpg Is this movie titled the adjustment bureau (2011)? Please answer yes or no. Yes
-tt1385826.jpg Is this movie titled the last of sheila (1973)? Please answer yes or no. No
-tt1403865.jpg Is this movie directed by ethan coen,joel coen? Please answer yes or no. Yes
-tt1403865.jpg Is this movie directed by john hillcoat? Please answer yes or no. No
-tt1438176.jpg Is this movie originated from the country or region of usa? Please answer yes or no. Yes
-tt1438176.jpg Is this movie originated from the country or region of west germany? Please answer yes or no. No
-tt1454029.jpg Is this movie titled the help (2011)? Please answer yes or no. Yes
-tt1454029.jpg Is this movie titled avatar (2009)? Please answer yes or no. No
-tt1560747.jpg Is this movie originated from the country or region of usa? Please answer yes or no. Yes
-tt1560747.jpg Is this movie originated from the country or region of canada? Please answer yes or no. No
-tt1564367.jpg Is this movie titled just go with it (2011)? Please answer yes or no. Yes
-tt1564367.jpg Is this movie titled journey to the west (2013)? Please answer yes or no. No
-tt1606378.jpg Is this movie originated from the country or region of usa? Please answer yes or no. Yes
-tt1606378.jpg Is this movie originated from the country or region of uk? Please answer yes or no. No
-tt1637725.jpg Is this movie titled ted (2012)? Please answer yes or no. Yes
-tt1637725.jpg Is this movie titled lost in space (1998)? Please answer yes or no. No
-tt1670345.jpg Is this movie titled now you see me (2013)? Please answer yes or no. Yes
-tt1670345.jpg Is this movie titled bicentennial man (1999)? Please answer yes or no. No
-tt1703957.jpg Is this movie titled genius (2016)? Please answer yes or no. Yes
-tt1703957.jpg Is this movie titled fan (2016)? Please answer yes or no. No
-tt1722484.jpg Is this movie directed by hermine huntgeburth? Please answer yes or no. Yes
-tt1722484.jpg Is this movie directed by todd phillips? Please answer yes or no. No
-tt1800241.jpg Is this movie directed by david o. russell? Please answer yes or no. Yes
-tt1800241.jpg Is this movie directed by raja gosnell? Please answer yes or no. No
-tt1809398.jpg Is this movie titled unbroken (2014)? Please answer yes or no. Yes
-tt1809398.jpg Is this movie titled home alone 3 (1997)? Please answer yes or no. No
-tt1971325.jpg Is this movie originated from the country or region of bulgaria? Please answer yes or no. Yes
-tt1971325.jpg Is this movie originated from the country or region of spain? Please answer yes or no. No
-tt1974419.jpg Is this movie titled the neon demon (2016)? Please answer yes or no. Yes
-tt1974419.jpg Is this movie titled man on fire (2004)? Please answer yes or no. No
-tt2017561.jpg Is this movie directed by stephen chow,chi-kin kwok? Please answer yes or no. Yes
-tt2017561.jpg Is this movie directed by craig gillespie? Please answer yes or no. No
-tt2078768.jpg Is this movie originated from the country or region of hong kong? Please answer yes or no. Yes
-tt2078768.jpg Is this movie originated from the country or region of venezuela? Please answer yes or no. No
-tt2132285.jpg Is this movie titled the bling ring (2013)? Please answer yes or no. Yes
-tt2132285.jpg Is this movie titled tropic thunder (2008)? Please answer yes or no. No
-tt2238032.jpg Is this movie titled skiptrace (2016)? Please answer yes or no. Yes
-tt2238032.jpg Is this movie titled the bourne identity (2002)? Please answer yes or no. No
-tt2334873.jpg Is this movie titled blue jasmine (2013)? Please answer yes or no. Yes
-tt2334873.jpg Is this movie titled a good day to die hard (2013)? Please answer yes or no. No
-tt2788732.jpg Is this movie titled pete's dragon (2016)? Please answer yes or no. Yes
-tt2788732.jpg Is this movie titled willow (1988)? Please answer yes or no. No
-tt2802144.jpg Is this movie directed by matthew vaughn? Please answer yes or no. Yes
-tt2802144.jpg Is this movie directed by dietrich brüggemann? Please answer yes or no. No
-tt2908856.jpg Is this movie directed by israel horovitz? Please answer yes or no. Yes
-tt2908856.jpg Is this movie directed by mike nichols? Please answer yes or no. No
-tt2980516.jpg Is this movie titled the theory of everything (2014)? Please answer yes or no. Yes
-tt2980516.jpg Is this movie titled stations of the cross (2014)? Please answer yes or no. No
-tt3077214.jpg Is this movie titled suffragette (2015)? Please answer yes or no. Yes
-tt3077214.jpg Is this movie titled east of eden (1955)? Please answer yes or no. No
-tt3316960.jpg Is this movie originated from the country or region of usa? Please answer yes or no. Yes
-tt3316960.jpg Is this movie originated from the country or region of west germany? Please answer yes or no. No
-tt3465916.jpg Is this movie originated from the country or region of germany? Please answer yes or no. Yes
-tt3465916.jpg Is this movie originated from the country or region of spain? Please answer yes or no. No
-tt3495026.jpg Is this movie titled fan (2016)? Please answer yes or no. Yes
-tt3495026.jpg Is this movie titled from afar (2015)? Please answer yes or no. No
-tt3498820.jpg Is this movie originated from the country or region of usa? Please answer yes or no. Yes
-tt3498820.jpg Is this movie originated from the country or region of germany? Please answer yes or no. No
-tt3700804.jpg Is this movie originated from the country or region of usa? Please answer yes or no. Yes
-tt3700804.jpg Is this movie originated from the country or region of uk? Please answer yes or no. No
-tt3824458.jpg Is this movie titled tangerine (2015)? Please answer yes or no. Yes
-tt3824458.jpg Is this movie titled miller's crossing (1990)? Please answer yes or no. No
-tt3860916.jpg Is this movie directed by ben howling? Please answer yes or no. Yes
-tt3860916.jpg Is this movie directed by quentin tarantino? Please answer yes or no. No
-tt4046784.jpg Is this movie originated from the country or region of usa? Please answer yes or no. Yes
-tt4046784.jpg Is this movie originated from the country or region of uk? Please answer yes or no. No
-tt4242158.jpg Is this movie titled lost in hong kong (2015)? Please answer yes or no. Yes
-tt4242158.jpg Is this movie titled harold and maude (1971)? Please answer yes or no. No
-tt4273292.jpg Is this movie directed by babak anvari? Please answer yes or no. Yes
-tt4273292.jpg Is this movie directed by ethan coen,joel coen? Please answer yes or no. No
-tt4501454.jpg Is this movie directed by lorene scafaria? Please answer yes or no. Yes
-tt4501454.jpg Is this movie directed by herbert ross? Please answer yes or no. No
-tt4520364.jpg Is this movie directed by luke scott? Please answer yes or no. Yes
-tt4520364.jpg Is this movie directed by dominic sena? Please answer yes or no. No
-tt4651520.jpg Is this movie originated from the country or region of usa? Please answer yes or no. Yes
-tt4651520.jpg Is this movie originated from the country or region of china? Please answer yes or no. No
-tt4721400.jpg Is this movie directed by lorenzo vigas? Please answer yes or no. Yes
-tt4721400.jpg Is this movie directed by jonathan liebesman? Please answer yes or no. No
-tt4972062.jpg Is this movie directed by mike birbiglia? Please answer yes or no. Yes
-tt4972062.jpg Is this movie directed by david fincher? Please answer yes or no. No
-tt5564148.jpg Is this movie directed by masahide ichii? Please answer yes or no. Yes
-tt5564148.jpg Is this movie directed by dietrich brüggemann? Please answer yes or no. No
-tt5688868.jpg Is this movie titled primal rage: the legend of konga (2018)? Please answer yes or no. Yes
-tt5688868.jpg Is this movie titled the neon demon (2016)? Please answer yes or no. No
-tt5726086.jpg Is this movie directed by adam robitel? Please answer yes or no. Yes
-tt5726086.jpg Is this movie directed by gore verbinski? Please answer yes or no. No
-tt6788942.jpg Is this movie originated from the country or region of thailand? Please answer yes or no. Yes
-tt6788942.jpg Is this movie originated from the country or region of argentina? Please answer yes or no. No
-tt7055592.jpg Is this movie titled brotherhood of blades ii: the infernal battlefield (2017)? Please answer yes or no. Yes
-tt7055592.jpg Is this movie titled stations of the cross (2014)? Please answer yes or no. No
-tt7131870.jpg Is this movie directed by jing wu? Please answer yes or no. Yes
-tt7131870.jpg Is this movie directed by david lynch? Please answer yes or no. No
diff --git a/eval/vlm/eval/mme/Your_Results/scene.txt b/eval/vlm/eval/mme/Your_Results/scene.txt
deleted file mode 100644
index 0a29e410e89188f103ee5c3b48130ff239dcb9ff..0000000000000000000000000000000000000000
--- a/eval/vlm/eval/mme/Your_Results/scene.txt
+++ /dev/null
@@ -1,400 +0,0 @@
-Places365_val_00000001.jpg Is this picture captured in a place of greenhouse indoor? Please answer yes or no. Yes
-Places365_val_00000001.jpg Is this picture captured in a place of waiting room? Please answer yes or no. No
-Places365_val_00000002.jpg Is this photo taken in a place of wet bar? Please answer yes or no. Yes
-Places365_val_00000002.jpg Is this photo taken in a place of stage indoor? Please answer yes or no. No
-Places365_val_00000003.jpg Is this picture captured in a place of clean room? Please answer yes or no. Yes
-Places365_val_00000003.jpg Is this picture captured in a place of bookstore? Please answer yes or no. No
-Places365_val_00000004.jpg Is this picture captured in a place of golf course? Please answer yes or no. Yes
-Places365_val_00000004.jpg Is this picture captured in a place of computer room? Please answer yes or no. No
-Places365_val_00000005.jpg Is this picture captured in a place of rock arch? Please answer yes or no. Yes
-Places365_val_00000005.jpg Is this picture captured in a place of desert sand? Please answer yes or no. No
-Places365_val_00000006.jpg Is this photo taken in a place of corridor? Please answer yes or no. Yes
-Places365_val_00000006.jpg Is this photo taken in a place of jail cell? Please answer yes or no. No
-Places365_val_00000007.jpg Does this image describe a place of canyon? Please answer yes or no. Yes
-Places365_val_00000007.jpg Does this image describe a place of basement? Please answer yes or no. No
-Places365_val_00000008.jpg Is this picture captured in a place of dining room? Please answer yes or no. Yes
-Places365_val_00000008.jpg Is this picture captured in a place of ball pit? Please answer yes or no. No
-Places365_val_00000009.jpg Is this picture captured in a place of forest broadleaf? Please answer yes or no. Yes
-Places365_val_00000009.jpg Is this picture captured in a place of swamp? Please answer yes or no. No
-Places365_val_00000010.jpg Does this image describe a place of shopping mall indoor? Please answer yes or no. Yes
-Places365_val_00000010.jpg Does this image describe a place of mosque outdoor? Please answer yes or no. No
-Places365_val_00000011.jpg Is this photo taken in a place of baseball field? Please answer yes or no. Yes
-Places365_val_00000011.jpg Is this photo taken in a place of bus station indoor? Please answer yes or no. No
-Places365_val_00000012.jpg Does this image describe a place of campus? Please answer yes or no. Yes
-Places365_val_00000012.jpg Does this image describe a place of sandbox? Please answer yes or no. No
-Places365_val_00000013.jpg Is this picture captured in a place of beach house? Please answer yes or no. Yes
-Places365_val_00000013.jpg Is this picture captured in a place of alcove? Please answer yes or no. No
-Places365_val_00000014.jpg Does this image describe a place of art gallery? Please answer yes or no. Yes
-Places365_val_00000014.jpg Does this image describe a place of volleyball court outdoor? Please answer yes or no. No
-Places365_val_00000015.jpg Does this image describe a place of bus interior? Please answer yes or no. Yes
-Places365_val_00000015.jpg Does this image describe a place of butchers shop? Please answer yes or no. No
-Places365_val_00000016.jpg Does this image describe a place of gymnasium indoor? Please answer yes or no. Yes
-Places365_val_00000016.jpg Does this image describe a place of crevasse? Please answer yes or no. No
-Places365_val_00000017.jpg Is this picture captured in a place of glacier? Please answer yes or no. Yes
-Places365_val_00000017.jpg Is this picture captured in a place of fishpond? Please answer yes or no. No
-Places365_val_00000018.jpg Is this photo taken in a place of nursing home? Please answer yes or no. Yes
-Places365_val_00000018.jpg Is this photo taken in a place of server room? Please answer yes or no. No
-Places365_val_00000019.jpg Does this image describe a place of storage room? Please answer yes or no. Yes
-Places365_val_00000019.jpg Does this image describe a place of aquarium? Please answer yes or no. No
-Places365_val_00000020.jpg Is this picture captured in a place of florist shop indoor? Please answer yes or no. Yes
-Places365_val_00000020.jpg Is this picture captured in a place of office? Please answer yes or no. No
-Places365_val_00000021.jpg Is this picture captured in a place of restaurant kitchen? Please answer yes or no. Yes
-Places365_val_00000021.jpg Is this picture captured in a place of garage outdoor? Please answer yes or no. No
-Places365_val_00000022.jpg Is this photo taken in a place of recreation room? Please answer yes or no. Yes
-Places365_val_00000022.jpg Is this photo taken in a place of runway? Please answer yes or no. No
-Places365_val_00000023.jpg Does this image describe a place of schoolhouse? Please answer yes or no. Yes
-Places365_val_00000023.jpg Does this image describe a place of raft? Please answer yes or no. No
-Places365_val_00000024.jpg Does this image describe a place of amusement arcade? Please answer yes or no. Yes
-Places365_val_00000024.jpg Does this image describe a place of medina? Please answer yes or no. No
-Places365_val_00000025.jpg Is this photo taken in a place of ocean? Please answer yes or no. Yes
-Places365_val_00000025.jpg Is this photo taken in a place of sauna? Please answer yes or no. No
-Places365_val_00000026.jpg Does this image describe a place of river? Please answer yes or no. Yes
-Places365_val_00000026.jpg Does this image describe a place of corral? Please answer yes or no. No
-Places365_val_00000027.jpg Is this photo taken in a place of pub indoor? Please answer yes or no. Yes
-Places365_val_00000027.jpg Is this photo taken in a place of basement? Please answer yes or no. No
-Places365_val_00000028.jpg Is this picture captured in a place of lecture room? Please answer yes or no. Yes
-Places365_val_00000028.jpg Is this picture captured in a place of aqueduct? Please answer yes or no. No
-Places365_val_00000029.jpg Is this photo taken in a place of japanese garden? Please answer yes or no. Yes
-Places365_val_00000029.jpg Is this photo taken in a place of pharmacy? Please answer yes or no. No
-Places365_val_00000030.jpg Does this image describe a place of motel? Please answer yes or no. Yes
-Places365_val_00000030.jpg Does this image describe a place of toyshop? Please answer yes or no. No
-Places365_val_00000031.jpg Does this image describe a place of assembly line? Please answer yes or no. Yes
-Places365_val_00000031.jpg Does this image describe a place of beer garden? Please answer yes or no. No
-Places365_val_00000032.jpg Does this image describe a place of campsite? Please answer yes or no. Yes
-Places365_val_00000032.jpg Does this image describe a place of elevator shaft? Please answer yes or no. No
-Places365_val_00000033.jpg Is this photo taken in a place of florist shop indoor? Please answer yes or no. Yes
-Places365_val_00000033.jpg Is this photo taken in a place of sushi bar? Please answer yes or no. No
-Places365_val_00000034.jpg Does this image describe a place of racecourse? Please answer yes or no. Yes
-Places365_val_00000034.jpg Does this image describe a place of galley? Please answer yes or no. No
-Places365_val_00000035.jpg Is this photo taken in a place of kennel outdoor? Please answer yes or no. Yes
-Places365_val_00000035.jpg Is this photo taken in a place of bathroom? Please answer yes or no. No
-Places365_val_00000036.jpg Is this picture captured in a place of bus interior? Please answer yes or no. Yes
-Places365_val_00000036.jpg Is this picture captured in a place of mansion? Please answer yes or no. No
-Places365_val_00000037.jpg Does this image describe a place of dressing room? Please answer yes or no. Yes
-Places365_val_00000037.jpg Does this image describe a place of chemistry lab? Please answer yes or no. No
-Places365_val_00000038.jpg Does this image describe a place of wind farm? Please answer yes or no. Yes
-Places365_val_00000038.jpg Does this image describe a place of volleyball court outdoor? Please answer yes or no. No
-Places365_val_00000039.jpg Is this picture captured in a place of auto factory? Please answer yes or no. Yes
-Places365_val_00000039.jpg Is this picture captured in a place of tree farm? Please answer yes or no. No
-Places365_val_00000040.jpg Is this picture captured in a place of beach? Please answer yes or no. Yes
-Places365_val_00000040.jpg Is this picture captured in a place of library outdoor? Please answer yes or no. No
-Places365_val_00000041.jpg Is this photo taken in a place of mountain? Please answer yes or no. Yes
-Places365_val_00000041.jpg Is this photo taken in a place of formal garden? Please answer yes or no. No
-Places365_val_00000042.jpg Does this image describe a place of pavilion? Please answer yes or no. Yes
-Places365_val_00000042.jpg Does this image describe a place of stable? Please answer yes or no. No
-Places365_val_00000043.jpg Does this image describe a place of tree house? Please answer yes or no. Yes
-Places365_val_00000043.jpg Does this image describe a place of patio? Please answer yes or no. No
-Places365_val_00000044.jpg Is this photo taken in a place of coffee shop? Please answer yes or no. Yes
-Places365_val_00000044.jpg Is this photo taken in a place of elevator lobby? Please answer yes or no. No
-Places365_val_00000045.jpg Is this photo taken in a place of skyscraper? Please answer yes or no. Yes
-Places365_val_00000045.jpg Is this photo taken in a place of forest broadleaf? Please answer yes or no. No
-Places365_val_00000046.jpg Does this image describe a place of street? Please answer yes or no. Yes
-Places365_val_00000046.jpg Does this image describe a place of golf course? Please answer yes or no. No
-Places365_val_00000047.jpg Is this picture captured in a place of alley? Please answer yes or no. Yes
-Places365_val_00000047.jpg Is this picture captured in a place of boardwalk? Please answer yes or no. No
-Places365_val_00000048.jpg Is this photo taken in a place of supermarket? Please answer yes or no. Yes
-Places365_val_00000048.jpg Is this photo taken in a place of creek? Please answer yes or no. No
-Places365_val_00000049.jpg Is this picture captured in a place of arena hockey? Please answer yes or no. Yes
-Places365_val_00000049.jpg Is this picture captured in a place of ski slope? Please answer yes or no. No
-Places365_val_00000050.jpg Is this picture captured in a place of zen garden? Please answer yes or no. Yes
-Places365_val_00000050.jpg Is this picture captured in a place of bazaar indoor? Please answer yes or no. No
-Places365_val_00000051.jpg Is this picture captured in a place of library indoor? Please answer yes or no. Yes
-Places365_val_00000051.jpg Is this picture captured in a place of orchard? Please answer yes or no. No
-Places365_val_00000052.jpg Is this photo taken in a place of ice skating rink indoor? Please answer yes or no. Yes
-Places365_val_00000052.jpg Is this photo taken in a place of wind farm? Please answer yes or no. No
-Places365_val_00000053.jpg Is this picture captured in a place of arena hockey? Please answer yes or no. Yes
-Places365_val_00000053.jpg Is this picture captured in a place of loading dock? Please answer yes or no. No
-Places365_val_00000054.jpg Does this image describe a place of chalet? Please answer yes or no. Yes
-Places365_val_00000054.jpg Does this image describe a place of tower? Please answer yes or no. No
-Places365_val_00000055.jpg Does this image describe a place of bedchamber? Please answer yes or no. Yes
-Places365_val_00000055.jpg Does this image describe a place of music studio? Please answer yes or no. No
-Places365_val_00000056.jpg Is this photo taken in a place of botanical garden? Please answer yes or no. Yes
-Places365_val_00000056.jpg Is this photo taken in a place of legislative chamber? Please answer yes or no. No
-Places365_val_00000057.jpg Is this picture captured in a place of galley? Please answer yes or no. Yes
-Places365_val_00000057.jpg Is this picture captured in a place of physics laboratory? Please answer yes or no. No
-Places365_val_00000058.jpg Does this image describe a place of department store? Please answer yes or no. Yes
-Places365_val_00000058.jpg Does this image describe a place of rope bridge? Please answer yes or no. No
-Places365_val_00000059.jpg Is this photo taken in a place of schoolhouse? Please answer yes or no. Yes
-Places365_val_00000059.jpg Is this photo taken in a place of hangar outdoor? Please answer yes or no. No
-Places365_val_00000060.jpg Is this photo taken in a place of atrium public? Please answer yes or no. Yes
-Places365_val_00000060.jpg Is this photo taken in a place of subway station platform? Please answer yes or no. No
-Places365_val_00000061.jpg Is this photo taken in a place of dam? Please answer yes or no. Yes
-Places365_val_00000061.jpg Is this photo taken in a place of ice skating rink indoor? Please answer yes or no. No
-Places365_val_00000062.jpg Does this image describe a place of army base? Please answer yes or no. Yes
-Places365_val_00000062.jpg Does this image describe a place of train station platform? Please answer yes or no. No
-Places365_val_00000063.jpg Does this image describe a place of gas station? Please answer yes or no. Yes
-Places365_val_00000063.jpg Does this image describe a place of doorway outdoor? Please answer yes or no. No
-Places365_val_00000064.jpg Does this image describe a place of ballroom? Please answer yes or no. Yes
-Places365_val_00000064.jpg Does this image describe a place of corn field? Please answer yes or no. No
-Places365_val_00000065.jpg Does this image describe a place of biology laboratory? Please answer yes or no. Yes
-Places365_val_00000065.jpg Does this image describe a place of candy store? Please answer yes or no. No
-Places365_val_00000066.jpg Does this image describe a place of pantry? Please answer yes or no. Yes
-Places365_val_00000066.jpg Does this image describe a place of lighthouse? Please answer yes or no. No
-Places365_val_00000067.jpg Is this picture captured in a place of greenhouse indoor? Please answer yes or no. Yes
-Places365_val_00000067.jpg Is this picture captured in a place of pasture? Please answer yes or no. No
-Places365_val_00000068.jpg Is this photo taken in a place of kasbah? Please answer yes or no. Yes
-Places365_val_00000068.jpg Is this photo taken in a place of swimming hole? Please answer yes or no. No
-Places365_val_00000069.jpg Is this picture captured in a place of mausoleum? Please answer yes or no. Yes
-Places365_val_00000069.jpg Is this picture captured in a place of alcove? Please answer yes or no. No
-Places365_val_00000070.jpg Is this picture captured in a place of booth indoor? Please answer yes or no. Yes
-Places365_val_00000070.jpg Is this picture captured in a place of bazaar indoor? Please answer yes or no. No
-Places365_val_00000071.jpg Is this picture captured in a place of youth hostel? Please answer yes or no. Yes
-Places365_val_00000071.jpg Is this picture captured in a place of landfill? Please answer yes or no. No
-Places365_val_00000072.jpg Does this image describe a place of fire escape? Please answer yes or no. Yes
-Places365_val_00000072.jpg Does this image describe a place of playroom? Please answer yes or no. No
-Places365_val_00000073.jpg Is this photo taken in a place of rice paddy? Please answer yes or no. Yes
-Places365_val_00000073.jpg Is this photo taken in a place of bus station indoor? Please answer yes or no. No
-Places365_val_00000074.jpg Is this photo taken in a place of mausoleum? Please answer yes or no. Yes
-Places365_val_00000074.jpg Is this photo taken in a place of train station platform? Please answer yes or no. No
-Places365_val_00000075.jpg Is this photo taken in a place of entrance hall? Please answer yes or no. Yes
-Places365_val_00000075.jpg Is this photo taken in a place of residential neighborhood? Please answer yes or no. No
-Places365_val_00000076.jpg Is this photo taken in a place of bakery shop? Please answer yes or no. Yes
-Places365_val_00000076.jpg Is this photo taken in a place of doorway outdoor? Please answer yes or no. No
-Places365_val_00000077.jpg Does this image describe a place of escalator indoor? Please answer yes or no. Yes
-Places365_val_00000077.jpg Does this image describe a place of ice shelf? Please answer yes or no. No
-Places365_val_00000078.jpg Is this picture captured in a place of elevator shaft? Please answer yes or no. Yes
-Places365_val_00000078.jpg Is this picture captured in a place of fire escape? Please answer yes or no. No
-Places365_val_00000079.jpg Is this picture captured in a place of industrial area? Please answer yes or no. Yes
-Places365_val_00000079.jpg Is this picture captured in a place of botanical garden? Please answer yes or no. No
-Places365_val_00000080.jpg Is this photo taken in a place of escalator indoor? Please answer yes or no. Yes
-Places365_val_00000080.jpg Is this photo taken in a place of coffee shop? Please answer yes or no. No
-Places365_val_00000081.jpg Does this image describe a place of operating room? Please answer yes or no. Yes
-Places365_val_00000081.jpg Does this image describe a place of house? Please answer yes or no. No
-Places365_val_00000082.jpg Is this photo taken in a place of mosque outdoor? Please answer yes or no. Yes
-Places365_val_00000082.jpg Is this photo taken in a place of recreation room? Please answer yes or no. No
-Places365_val_00000083.jpg Is this photo taken in a place of cottage? Please answer yes or no. Yes
-Places365_val_00000083.jpg Is this photo taken in a place of assembly line? Please answer yes or no. No
-Places365_val_00000084.jpg Does this image describe a place of courtyard? Please answer yes or no. Yes
-Places365_val_00000084.jpg Does this image describe a place of greenhouse outdoor? Please answer yes or no. No
-Places365_val_00000085.jpg Is this photo taken in a place of flea market indoor? Please answer yes or no. Yes
-Places365_val_00000085.jpg Is this photo taken in a place of pavilion? Please answer yes or no. No
-Places365_val_00000086.jpg Does this image describe a place of banquet hall? Please answer yes or no. Yes
-Places365_val_00000086.jpg Does this image describe a place of storage room? Please answer yes or no. No
-Places365_val_00000087.jpg Is this photo taken in a place of auto factory? Please answer yes or no. Yes
-Places365_val_00000087.jpg Is this photo taken in a place of motel? Please answer yes or no. No
-Places365_val_00000088.jpg Is this photo taken in a place of cockpit? Please answer yes or no. Yes
-Places365_val_00000088.jpg Is this photo taken in a place of gift shop? Please answer yes or no. No
-Places365_val_00000089.jpg Is this photo taken in a place of martial arts gym? Please answer yes or no. Yes
-Places365_val_00000089.jpg Is this photo taken in a place of atrium public? Please answer yes or no. No
-Places365_val_00000090.jpg Is this picture captured in a place of general store outdoor? Please answer yes or no. Yes
-Places365_val_00000090.jpg Is this picture captured in a place of bazaar outdoor? Please answer yes or no. No
-Places365_val_00000091.jpg Is this photo taken in a place of motel? Please answer yes or no. Yes
-Places365_val_00000091.jpg Is this photo taken in a place of chemistry lab? Please answer yes or no. No
-Places365_val_00000092.jpg Is this photo taken in a place of playground? Please answer yes or no. Yes
-Places365_val_00000092.jpg Is this photo taken in a place of snowfield? Please answer yes or no. No
-Places365_val_00000093.jpg Is this picture captured in a place of basement? Please answer yes or no. Yes
-Places365_val_00000093.jpg Is this picture captured in a place of jewelry shop? Please answer yes or no. No
-Places365_val_00000094.jpg Is this picture captured in a place of playroom? Please answer yes or no. Yes
-Places365_val_00000094.jpg Is this picture captured in a place of pier? Please answer yes or no. No
-Places365_val_00000095.jpg Is this photo taken in a place of fabric store? Please answer yes or no. Yes
-Places365_val_00000095.jpg Is this photo taken in a place of beauty salon? Please answer yes or no. No
-Places365_val_00000096.jpg Is this picture captured in a place of forest path? Please answer yes or no. Yes
-Places365_val_00000096.jpg Is this picture captured in a place of balcony interior? Please answer yes or no. No
-Places365_val_00000097.jpg Does this image describe a place of hangar indoor? Please answer yes or no. Yes
-Places365_val_00000097.jpg Does this image describe a place of vegetable garden? Please answer yes or no. No
-Places365_val_00000098.jpg Does this image describe a place of crosswalk? Please answer yes or no. Yes
-Places365_val_00000098.jpg Does this image describe a place of snowfield? Please answer yes or no. No
-Places365_val_00000099.jpg Does this image describe a place of physics laboratory? Please answer yes or no. Yes
-Places365_val_00000099.jpg Does this image describe a place of stage indoor? Please answer yes or no. No
-Places365_val_00000100.jpg Is this picture captured in a place of pub indoor? Please answer yes or no. Yes
-Places365_val_00000100.jpg Is this picture captured in a place of pier? Please answer yes or no. No
-Places365_val_00000101.jpg Is this photo taken in a place of schoolhouse? Please answer yes or no. Yes
-Places365_val_00000101.jpg Is this photo taken in a place of vineyard? Please answer yes or no. No
-Places365_val_00000102.jpg Is this photo taken in a place of industrial area? Please answer yes or no. Yes
-Places365_val_00000102.jpg Is this photo taken in a place of street? Please answer yes or no. No
-Places365_val_00000103.jpg Is this picture captured in a place of baseball field? Please answer yes or no. Yes
-Places365_val_00000103.jpg Is this picture captured in a place of airfield? Please answer yes or no. No
-Places365_val_00000104.jpg Is this picture captured in a place of ice floe? Please answer yes or no. Yes
-Places365_val_00000104.jpg Is this picture captured in a place of kindergarden classroom? Please answer yes or no. No
-Places365_val_00000105.jpg Is this picture captured in a place of train interior? Please answer yes or no. Yes
-Places365_val_00000105.jpg Is this picture captured in a place of movie theater indoor? Please answer yes or no. No
-Places365_val_00000106.jpg Is this picture captured in a place of desert sand? Please answer yes or no. Yes
-Places365_val_00000106.jpg Is this picture captured in a place of burial chamber? Please answer yes or no. No
-Places365_val_00000107.jpg Is this photo taken in a place of castle? Please answer yes or no. Yes
-Places365_val_00000107.jpg Is this photo taken in a place of computer room? Please answer yes or no. No
-Places365_val_00000108.jpg Does this image describe a place of burial chamber? Please answer yes or no. Yes
-Places365_val_00000108.jpg Does this image describe a place of oilrig? Please answer yes or no. No
-Places365_val_00000109.jpg Is this photo taken in a place of nursing home? Please answer yes or no. Yes
-Places365_val_00000109.jpg Is this photo taken in a place of amusement park? Please answer yes or no. No
-Places365_val_00000110.jpg Does this image describe a place of church indoor? Please answer yes or no. Yes
-Places365_val_00000110.jpg Does this image describe a place of general store outdoor? Please answer yes or no. No
-Places365_val_00000111.jpg Is this picture captured in a place of palace? Please answer yes or no. Yes
-Places365_val_00000111.jpg Is this picture captured in a place of tree house? Please answer yes or no. No
-Places365_val_00000112.jpg Does this image describe a place of bus station indoor? Please answer yes or no. Yes
-Places365_val_00000112.jpg Does this image describe a place of hardware store? Please answer yes or no. No
-Places365_val_00000113.jpg Is this picture captured in a place of atrium public? Please answer yes or no. Yes
-Places365_val_00000113.jpg Is this picture captured in a place of music studio? Please answer yes or no. No
-Places365_val_00000114.jpg Is this photo taken in a place of butte? Please answer yes or no. Yes
-Places365_val_00000114.jpg Is this photo taken in a place of valley? Please answer yes or no. No
-Places365_val_00000115.jpg Is this picture captured in a place of zen garden? Please answer yes or no. Yes
-Places365_val_00000115.jpg Is this picture captured in a place of banquet hall? Please answer yes or no. No
-Places365_val_00000116.jpg Is this picture captured in a place of racecourse? Please answer yes or no. Yes
-Places365_val_00000116.jpg Is this picture captured in a place of basketball court indoor? Please answer yes or no. No
-Places365_val_00000117.jpg Is this picture captured in a place of cliff? Please answer yes or no. Yes
-Places365_val_00000117.jpg Is this picture captured in a place of sauna? Please answer yes or no. No
-Places365_val_00000118.jpg Is this photo taken in a place of laundromat? Please answer yes or no. Yes
-Places365_val_00000118.jpg Is this photo taken in a place of archive? Please answer yes or no. No
-Places365_val_00000119.jpg Does this image describe a place of wave? Please answer yes or no. Yes
-Places365_val_00000119.jpg Does this image describe a place of shed? Please answer yes or no. No
-Places365_val_00000120.jpg Is this photo taken in a place of legislative chamber? Please answer yes or no. Yes
-Places365_val_00000120.jpg Is this photo taken in a place of nursery? Please answer yes or no. No
-Places365_val_00000121.jpg Is this photo taken in a place of elevator shaft? Please answer yes or no. Yes
-Places365_val_00000121.jpg Is this photo taken in a place of berth? Please answer yes or no. No
-Places365_val_00000122.jpg Is this photo taken in a place of hayfield? Please answer yes or no. Yes
-Places365_val_00000122.jpg Is this photo taken in a place of skyscraper? Please answer yes or no. No
-Places365_val_00000123.jpg Is this photo taken in a place of hospital room? Please answer yes or no. Yes
-Places365_val_00000123.jpg Is this photo taken in a place of mosque outdoor? Please answer yes or no. No
-Places365_val_00000124.jpg Does this image describe a place of swimming hole? Please answer yes or no. Yes
-Places365_val_00000124.jpg Does this image describe a place of television room? Please answer yes or no. No
-Places365_val_00000125.jpg Is this picture captured in a place of biology laboratory? Please answer yes or no. Yes
-Places365_val_00000125.jpg Is this picture captured in a place of lake natural? Please answer yes or no. No
-Places365_val_00000126.jpg Is this picture captured in a place of church indoor? Please answer yes or no. Yes
-Places365_val_00000126.jpg Is this picture captured in a place of server room? Please answer yes or no. No
-Places365_val_00000127.jpg Is this picture captured in a place of temple asia? Please answer yes or no. Yes
-Places365_val_00000127.jpg Is this picture captured in a place of ball pit? Please answer yes or no. No
-Places365_val_00000128.jpg Is this photo taken in a place of landfill? Please answer yes or no. Yes
-Places365_val_00000128.jpg Is this photo taken in a place of viaduct? Please answer yes or no. No
-Places365_val_00000129.jpg Does this image describe a place of arena hockey? Please answer yes or no. Yes
-Places365_val_00000129.jpg Does this image describe a place of clothing store? Please answer yes or no. No
-Places365_val_00000130.jpg Is this photo taken in a place of baseball field? Please answer yes or no. Yes
-Places365_val_00000130.jpg Is this photo taken in a place of art gallery? Please answer yes or no. No
-Places365_val_00000131.jpg Is this picture captured in a place of gazebo exterior? Please answer yes or no. Yes
-Places365_val_00000131.jpg Is this picture captured in a place of driveway? Please answer yes or no. No
-Places365_val_00000132.jpg Does this image describe a place of greenhouse outdoor? Please answer yes or no. Yes
-Places365_val_00000132.jpg Does this image describe a place of stage indoor? Please answer yes or no. No
-Places365_val_00000133.jpg Is this picture captured in a place of beauty salon? Please answer yes or no. Yes
-Places365_val_00000133.jpg Is this picture captured in a place of junkyard? Please answer yes or no. No
-Places365_val_00000134.jpg Does this image describe a place of ice shelf? Please answer yes or no. Yes
-Places365_val_00000134.jpg Does this image describe a place of vegetable garden? Please answer yes or no. No
-Places365_val_00000135.jpg Is this picture captured in a place of islet? Please answer yes or no. Yes
-Places365_val_00000135.jpg Is this picture captured in a place of recreation room? Please answer yes or no. No
-Places365_val_00000136.jpg Is this picture captured in a place of railroad track? Please answer yes or no. Yes
-Places365_val_00000136.jpg Is this picture captured in a place of department store? Please answer yes or no. No
-Places365_val_00000137.jpg Is this photo taken in a place of bazaar outdoor? Please answer yes or no. Yes
-Places365_val_00000137.jpg Is this photo taken in a place of office? Please answer yes or no. No
-Places365_val_00000138.jpg Is this photo taken in a place of basement? Please answer yes or no. Yes
-Places365_val_00000138.jpg Is this photo taken in a place of banquet hall? Please answer yes or no. No
-Places365_val_00000139.jpg Is this picture captured in a place of television studio? Please answer yes or no. Yes
-Places365_val_00000139.jpg Is this picture captured in a place of general store indoor? Please answer yes or no. No
-Places365_val_00000140.jpg Is this picture captured in a place of mezzanine? Please answer yes or no. Yes
-Places365_val_00000140.jpg Is this picture captured in a place of bedroom? Please answer yes or no. No
-Places365_val_00000141.jpg Does this image describe a place of roof garden? Please answer yes or no. Yes
-Places365_val_00000141.jpg Does this image describe a place of television room? Please answer yes or no. No
-Places365_val_00000142.jpg Does this image describe a place of restaurant kitchen? Please answer yes or no. Yes
-Places365_val_00000142.jpg Does this image describe a place of fabric store? Please answer yes or no. No
-Places365_val_00000143.jpg Is this photo taken in a place of house? Please answer yes or no. Yes
-Places365_val_00000143.jpg Is this photo taken in a place of swimming hole? Please answer yes or no. No
-Places365_val_00000144.jpg Is this picture captured in a place of vineyard? Please answer yes or no. Yes
-Places365_val_00000144.jpg Is this picture captured in a place of castle? Please answer yes or no. No
-Places365_val_00000145.jpg Is this picture captured in a place of driveway? Please answer yes or no. Yes
-Places365_val_00000145.jpg Is this picture captured in a place of badlands? Please answer yes or no. No
-Places365_val_00000146.jpg Does this image describe a place of chemistry lab? Please answer yes or no. Yes
-Places365_val_00000146.jpg Does this image describe a place of industrial area? Please answer yes or no. No
-Places365_val_00000147.jpg Does this image describe a place of cabin outdoor? Please answer yes or no. Yes
-Places365_val_00000147.jpg Does this image describe a place of creek? Please answer yes or no. No
-Places365_val_00000148.jpg Is this photo taken in a place of restaurant? Please answer yes or no. Yes
-Places365_val_00000148.jpg Is this photo taken in a place of apartment building outdoor? Please answer yes or no. No
-Places365_val_00000149.jpg Is this picture captured in a place of auditorium? Please answer yes or no. Yes
-Places365_val_00000149.jpg Is this picture captured in a place of rock arch? Please answer yes or no. No
-Places365_val_00000150.jpg Is this photo taken in a place of street? Please answer yes or no. Yes
-Places365_val_00000150.jpg Is this photo taken in a place of toyshop? Please answer yes or no. No
-Places365_val_00000151.jpg Does this image describe a place of lagoon? Please answer yes or no. Yes
-Places365_val_00000151.jpg Does this image describe a place of aquarium? Please answer yes or no. No
-Places365_val_00000152.jpg Is this picture captured in a place of hangar indoor? Please answer yes or no. Yes
-Places365_val_00000152.jpg Is this picture captured in a place of street? Please answer yes or no. No
-Places365_val_00000153.jpg Does this image describe a place of bar? Please answer yes or no. Yes
-Places365_val_00000153.jpg Does this image describe a place of tree house? Please answer yes or no. No
-Places365_val_00000154.jpg Is this picture captured in a place of classroom? Please answer yes or no. Yes
-Places365_val_00000154.jpg Is this picture captured in a place of wheat field? Please answer yes or no. No
-Places365_val_00000155.jpg Does this image describe a place of creek? Please answer yes or no. Yes
-Places365_val_00000155.jpg Does this image describe a place of youth hostel? Please answer yes or no. No
-Places365_val_00000156.jpg Does this image describe a place of stable? Please answer yes or no. Yes
-Places365_val_00000156.jpg Does this image describe a place of junkyard? Please answer yes or no. No
-Places365_val_00000157.jpg Is this picture captured in a place of swamp? Please answer yes or no. Yes
-Places365_val_00000157.jpg Is this picture captured in a place of village? Please answer yes or no. No
-Places365_val_00000158.jpg Is this picture captured in a place of ice shelf? Please answer yes or no. Yes
-Places365_val_00000158.jpg Is this picture captured in a place of motel? Please answer yes or no. No
-Places365_val_00000159.jpg Is this picture captured in a place of train interior? Please answer yes or no. Yes
-Places365_val_00000159.jpg Is this picture captured in a place of jewelry shop? Please answer yes or no. No
-Places365_val_00000160.jpg Does this image describe a place of windmill? Please answer yes or no. Yes
-Places365_val_00000160.jpg Does this image describe a place of lake natural? Please answer yes or no. No
-Places365_val_00000161.jpg Is this photo taken in a place of archive? Please answer yes or no. Yes
-Places365_val_00000161.jpg Is this photo taken in a place of village? Please answer yes or no. No
-Places365_val_00000162.jpg Does this image describe a place of train station platform? Please answer yes or no. Yes
-Places365_val_00000162.jpg Does this image describe a place of manufactured home? Please answer yes or no. No
-Places365_val_00000163.jpg Is this photo taken in a place of chalet? Please answer yes or no. Yes
-Places365_val_00000163.jpg Is this photo taken in a place of throne room? Please answer yes or no. No
-Places365_val_00000164.jpg Does this image describe a place of lake natural? Please answer yes or no. Yes
-Places365_val_00000164.jpg Does this image describe a place of athletic field outdoor? Please answer yes or no. No
-Places365_val_00000165.jpg Is this picture captured in a place of playground? Please answer yes or no. Yes
-Places365_val_00000165.jpg Is this picture captured in a place of viaduct? Please answer yes or no. No
-Places365_val_00000166.jpg Is this photo taken in a place of dorm room? Please answer yes or no. Yes
-Places365_val_00000166.jpg Is this photo taken in a place of ski resort? Please answer yes or no. No
-Places365_val_00000167.jpg Is this picture captured in a place of flea market indoor? Please answer yes or no. Yes
-Places365_val_00000167.jpg Is this picture captured in a place of cliff? Please answer yes or no. No
-Places365_val_00000168.jpg Does this image describe a place of airplane cabin? Please answer yes or no. Yes
-Places365_val_00000168.jpg Does this image describe a place of rock arch? Please answer yes or no. No
-Places365_val_00000169.jpg Is this picture captured in a place of drugstore? Please answer yes or no. Yes
-Places365_val_00000169.jpg Is this picture captured in a place of canyon? Please answer yes or no. No
-Places365_val_00000170.jpg Is this picture captured in a place of pharmacy? Please answer yes or no. Yes
-Places365_val_00000170.jpg Is this picture captured in a place of orchestra pit? Please answer yes or no. No
-Places365_val_00000171.jpg Is this picture captured in a place of greenhouse outdoor? Please answer yes or no. Yes
-Places365_val_00000171.jpg Is this picture captured in a place of archaelogical excavation? Please answer yes or no. No
-Places365_val_00000172.jpg Is this photo taken in a place of bathroom? Please answer yes or no. Yes
-Places365_val_00000172.jpg Is this photo taken in a place of auto factory? Please answer yes or no. No
-Places365_val_00000173.jpg Is this photo taken in a place of shoe shop? Please answer yes or no. Yes
-Places365_val_00000173.jpg Is this photo taken in a place of car interior? Please answer yes or no. No
-Places365_val_00000174.jpg Does this image describe a place of moat water? Please answer yes or no. Yes
-Places365_val_00000174.jpg Does this image describe a place of marsh? Please answer yes or no. No
-Places365_val_00000175.jpg Does this image describe a place of vegetable garden? Please answer yes or no. Yes
-Places365_val_00000175.jpg Does this image describe a place of parking garage indoor? Please answer yes or no. No
-Places365_val_00000176.jpg Is this picture captured in a place of bowling alley? Please answer yes or no. Yes
-Places365_val_00000176.jpg Is this picture captured in a place of hotel outdoor? Please answer yes or no. No
-Places365_val_00000177.jpg Does this image describe a place of embassy? Please answer yes or no. Yes
-Places365_val_00000177.jpg Does this image describe a place of chemistry lab? Please answer yes or no. No
-Places365_val_00000178.jpg Is this photo taken in a place of youth hostel? Please answer yes or no. Yes
-Places365_val_00000178.jpg Is this photo taken in a place of hangar indoor? Please answer yes or no. No
-Places365_val_00000179.jpg Does this image describe a place of hot spring? Please answer yes or no. Yes
-Places365_val_00000179.jpg Does this image describe a place of mausoleum? Please answer yes or no. No
-Places365_val_00000180.jpg Does this image describe a place of cottage? Please answer yes or no. Yes
-Places365_val_00000180.jpg Does this image describe a place of parking garage indoor? Please answer yes or no. No
-Places365_val_00000181.jpg Does this image describe a place of general store outdoor? Please answer yes or no. Yes
-Places365_val_00000181.jpg Does this image describe a place of hotel room? Please answer yes or no. No
-Places365_val_00000182.jpg Is this photo taken in a place of chalet? Please answer yes or no. Yes
-Places365_val_00000182.jpg Is this photo taken in a place of dorm room? Please answer yes or no. No
-Places365_val_00000183.jpg Is this photo taken in a place of flea market indoor? Please answer yes or no. Yes
-Places365_val_00000183.jpg Is this photo taken in a place of tree house? Please answer yes or no. No
-Places365_val_00000184.jpg Is this photo taken in a place of shower? Please answer yes or no. Yes
-Places365_val_00000184.jpg Is this photo taken in a place of living room? Please answer yes or no. No
-Places365_val_00000185.jpg Is this picture captured in a place of supermarket? Please answer yes or no. Yes
-Places365_val_00000185.jpg Is this picture captured in a place of orchard? Please answer yes or no. No
-Places365_val_00000186.jpg Is this picture captured in a place of bowling alley? Please answer yes or no. Yes
-Places365_val_00000186.jpg Is this picture captured in a place of ice skating rink outdoor? Please answer yes or no. No
-Places365_val_00000187.jpg Is this picture captured in a place of barn? Please answer yes or no. Yes
-Places365_val_00000187.jpg Is this picture captured in a place of lobby? Please answer yes or no. No
-Places365_val_00000188.jpg Is this photo taken in a place of japanese garden? Please answer yes or no. Yes
-Places365_val_00000188.jpg Is this photo taken in a place of hangar indoor? Please answer yes or no. No
-Places365_val_00000189.jpg Is this picture captured in a place of swimming hole? Please answer yes or no. Yes
-Places365_val_00000189.jpg Is this picture captured in a place of bedroom? Please answer yes or no. No
-Places365_val_00000190.jpg Is this picture captured in a place of pizzeria? Please answer yes or no. Yes
-Places365_val_00000190.jpg Is this picture captured in a place of computer room? Please answer yes or no. No
-Places365_val_00000191.jpg Does this image describe a place of volleyball court outdoor? Please answer yes or no. Yes
-Places365_val_00000191.jpg Does this image describe a place of church indoor? Please answer yes or no. No
-Places365_val_00000192.jpg Is this photo taken in a place of market indoor? Please answer yes or no. Yes
-Places365_val_00000192.jpg Is this photo taken in a place of home office? Please answer yes or no. No
-Places365_val_00000193.jpg Is this picture captured in a place of ice floe? Please answer yes or no. Yes
-Places365_val_00000193.jpg Is this picture captured in a place of closet? Please answer yes or no. No
-Places365_val_00000194.jpg Does this image describe a place of lake natural? Please answer yes or no. Yes
-Places365_val_00000194.jpg Does this image describe a place of beer hall? Please answer yes or no. No
-Places365_val_00000195.jpg Does this image describe a place of mountain path? Please answer yes or no. Yes
-Places365_val_00000195.jpg Does this image describe a place of construction site? Please answer yes or no. No
-Places365_val_00000196.jpg Is this photo taken in a place of orchestra pit? Please answer yes or no. Yes
-Places365_val_00000196.jpg Is this photo taken in a place of burial chamber? Please answer yes or no. No
-Places365_val_00000197.jpg Does this image describe a place of village? Please answer yes or no. Yes
-Places365_val_00000197.jpg Does this image describe a place of underwater ocean deep? Please answer yes or no. No
-Places365_val_00000198.jpg Does this image describe a place of waterfall? Please answer yes or no. Yes
-Places365_val_00000198.jpg Does this image describe a place of booth indoor? Please answer yes or no. No
-Places365_val_00000199.jpg Is this photo taken in a place of greenhouse indoor? Please answer yes or no. Yes
-Places365_val_00000199.jpg Is this photo taken in a place of aqueduct? Please answer yes or no. No
-Places365_val_00000200.jpg Is this photo taken in a place of television studio? Please answer yes or no. Yes
-Places365_val_00000200.jpg Is this photo taken in a place of hunting lodge outdoor? Please answer yes or no. No
diff --git a/eval/vlm/eval/mme/Your_Results/text_translation.txt b/eval/vlm/eval/mme/Your_Results/text_translation.txt
deleted file mode 100644
index 8566fbaaa708805a1e899e104d880803d607f4b4..0000000000000000000000000000000000000000
--- a/eval/vlm/eval/mme/Your_Results/text_translation.txt
+++ /dev/null
@@ -1,40 +0,0 @@
-0001.png Is it appropriate to translate the Chinese in the image into English 'classic taste' in the picture? Please answer yes or no. Yes
-0001.png Is it appropriate to translate the Chinese in the image into English 'classic strawberry flavor' in the picture? Please answer yes or no. No
-0002.png Is it appropriate to translate the Chinese in the image into English 'a delicious dinner' in the picture? Please answer yes or no. Yes
-0002.png Is it appropriate to translate the Chinese in the image into English 'hamburger and chips' in the picture? Please answer yes or no. No
-0003.png Is it appropriate to translate the Chinese in the image into English 'sunny weather' in the picture? Please answer yes or no. Yes
-0003.png Is it appropriate to translate the Chinese in the image into English 'cold weather' in the picture? Please answer yes or no. No
-0004.png Is it appropriate to translate the Chinese in the image into English 'run very fast' in the picture? Please answer yes or no. Yes
-0004.png Is it appropriate to translate the Chinese in the image into English 'run very slow' in the picture? Please answer yes or no. No
-0005.png Is it appropriate to translate the Chinese in the image into English 'feeling happy' in the picture? Please answer yes or no. Yes
-0005.png Is it appropriate to translate the Chinese in the image into English 'feeling bored' in the picture? Please answer yes or no. No
-0006.png Is it appropriate to translate the Chinese in the image into English 'work hard together' in the picture? Please answer yes or no. Yes
-0006.png Is it appropriate to translate the Chinese in the image into English 'be filled with intrigue' in the picture? Please answer yes or no. No
-0007.png Is it appropriate to translate the Chinese in the image into English 'walking very slowly' in the picture? Please answer yes or no. Yes
-0007.png Is it appropriate to translate the Chinese in the image into English 'runing very slowly' in the picture? Please answer yes or no. No
-0008.png Is it appropriate to translate the Chinese in the image into English 'very proud' in the picture? Please answer yes or no. Yes
-0008.png Is it appropriate to translate the Chinese in the image into English 'very thankful' in the picture? Please answer yes or no. No
-0009.png Is it appropriate to translate the Chinese in the image into English 'creative people' in the picture? Please answer yes or no. Yes
-0009.png Is it appropriate to translate the Chinese in the image into English 'leading people' in the picture? Please answer yes or no. No
-0010.png Is it appropriate to translate the Chinese in the image into English 'a beautiful garden' in the picture? Please answer yes or no. Yes
-0010.png Is it appropriate to translate the Chinese in the image into English 'a beautiful campus' in the picture? Please answer yes or no. No
-0011.png Is it appropriate to translate the Chinese in the image into English 'a difficult work' in the picture? Please answer yes or no. Yes
-0011.png Is it appropriate to translate the Chinese in the image into English 'a easy work' in the picture? Please answer yes or no. No
-0012.png Is it appropriate to translate the Chinese in the image into English 'a small amount' in the picture? Please answer yes or no. Yes
-0012.png Is it appropriate to translate the Chinese in the image into English 'difficult and dangerous' in the picture? Please answer yes or no. No
-0013.png Is it appropriate to translate the Chinese in the image into English 'feeling frustrated' in the picture? Please answer yes or no. Yes
-0013.png Is it appropriate to translate the Chinese in the image into English 'feeling relaxed' in the picture? Please answer yes or no. No
-0014.png Is it appropriate to translate the Chinese in the image into English 'waiting for a long time' in the picture? Please answer yes or no. Yes
-0014.png Is it appropriate to translate the Chinese in the image into English 'sleeping for a long time' in the picture? Please answer yes or no. No
-0015.png Is it appropriate to translate the Chinese in the image into English 'very powerful' in the picture? Please answer yes or no. Yes
-0015.png Is it appropriate to translate the Chinese in the image into English 'to be fragile throughout the world' in the picture? Please answer yes or no. No
-0016.png Is it appropriate to translate the Chinese in the image into English 'all talk and no action' in the picture? Please answer yes or no. Yes
-0016.png Is it appropriate to translate the Chinese in the image into English 'hands-on practice' in the picture? Please answer yes or no. No
-0017.png Is it appropriate to translate the Chinese in the image into English 'delicious fruit' in the picture? Please answer yes or no. Yes
-0017.png Is it appropriate to translate the Chinese in the image into English 'banana' in the picture? Please answer yes or no. No
-0018.png Is it appropriate to translate the Chinese in the image into English 'very unforgettable' in the picture? Please answer yes or no. Yes
-0018.png Is it appropriate to translate the Chinese in the image into English 'very happy' in the picture? Please answer yes or no. No
-0019.png Is it appropriate to translate the Chinese in the image into English 'get along well' in the picture? Please answer yes or no. Yes
-0019.png Is it appropriate to translate the Chinese in the image into English 'for own self-interest' in the picture? Please answer yes or no. No
-0020.png Is it appropriate to translate the Chinese in the image into English 'rank first' in the picture? Please answer yes or no. Yes
-0020.png Is it appropriate to translate the Chinese in the image into English 'to add the finishing touches' in the picture? Please answer yes or no. No
diff --git a/eval/vlm/eval/mme/calculation.py b/eval/vlm/eval/mme/calculation.py
deleted file mode 100644
index 117c3ac0c795917d18fe28a3a640d224991f5859..0000000000000000000000000000000000000000
--- a/eval/vlm/eval/mme/calculation.py
+++ /dev/null
@@ -1,184 +0,0 @@
-# Copyright (c) 2023 OpenGVLab
-# Copyright (c) 2025 Bytedance Ltd. and/or its affiliates.
-# SPDX-License-Identifier: MIT
-#
-# This file has been modified by ByteDance Ltd. and/or its affiliates. on 2025-05-20.
-#
-# Original file was released under MIT, with the full license text
-# available at https://github.com/OpenGVLab/InternVL/blob/main/LICENSE.
-#
-# This modified file is released under the same license.
-
-import argparse
-import os
-
-from sklearn.metrics import (accuracy_score, confusion_matrix, precision_score,
- recall_score)
-
-parser = argparse.ArgumentParser()
-# parser.add_argument('--results_dir', default='./LaVIN', type=str)
-parser.add_argument('--out-dir', default='./', type=str)
-
-eval_type_dict = {
- 'Perception': ['existence', 'count', 'position', 'color', 'posters', 'celebrity', 'scene', 'landmark', 'artwork', 'OCR'],
- 'Cognition': ['commonsense_reasoning', 'numerical_calculation', 'text_translation', 'code_reasoning']
-}
-
-
-class calculate_metrics:
- def divide_chunks(self, l, n=2):
- # looping till length l
- for i in range(0, len(l), n):
- yield l[i:i + n]
-
- return
-
- def parse_pred_ans(self, pred_ans):
- pred_label = None
- if pred_ans in ['yes', 'no']:
- pred_label = pred_ans
- else:
- prefix_pred_ans = pred_ans[:4]
-
- if 'yes' in prefix_pred_ans:
- pred_label = 'yes'
- elif 'no' in prefix_pred_ans:
- pred_label = 'no'
- else:
- pred_label = 'other'
-
- return pred_label
-
- def compute_metric(self, gts, preds):
- assert len(gts) == len(preds)
-
- label_map = {
- 'yes': 1,
- 'no': 0,
- 'other': -1,
- }
-
- gts = [label_map[x] for x in gts]
- preds = [label_map[x] for x in preds]
-
- acc = accuracy_score(gts, preds)
-
- clean_gts = []
- clean_preds = []
- other_num = 0
- for gt, pred in zip(gts, preds):
- if pred == -1:
- other_num += 1
- continue
- clean_gts.append(gt)
- clean_preds.append(pred)
-
- conf_mat = confusion_matrix(clean_gts, clean_preds, labels=[1,0])
- precision = precision_score(clean_gts, clean_preds, average='binary')
- recall = recall_score(clean_gts, clean_preds, average='binary')
- tp, fn = conf_mat[0]
- fp, tn = conf_mat[1]
-
- metric_dict = dict()
- metric_dict = {
- 'TP': tp,
- 'FN': fn,
- 'TN': tn,
- 'FP': fp,
- 'precision': precision,
- 'recall': recall,
- 'other_num': other_num,
- 'acc': acc,
- }
-
- return metric_dict
-
- def process_result(self, results_dir):
- ret_message = ""
- model_score_dict = dict()
- for eval_type, task_name_list in eval_type_dict.items():
- print('===========', eval_type, '===========')
- ret_message += f"=========== {eval_type} ===========\n"
-
- scores = 0
- task_score_dict = dict()
-
- for task_name in task_name_list:
-
- task_txt = os.path.join(results_dir, task_name + '.txt')
- lines = open(task_txt, 'r').readlines()
- chunk_lines = list(self.divide_chunks(lines)) # one image corresponds to two questions
-
- img_num = len(chunk_lines)
- task_other_ans_num = 0
- task_score = 0
- acc_plus_correct_num = 0
- gts = []
- preds = []
-
- for img_items in chunk_lines:
- assert len(img_items) == 2
- img_correct_num = 0
-
- for img_item in img_items:
- try:
- img_name, question, gt_ans, pred_ans = img_item.split('\t')
- except:
- print(img_item)
- continue
- gt_ans = gt_ans.lower()
- pred_ans = pred_ans.lower()
-
- assert gt_ans in ['yes', 'no'] # gt can only be yes or no.
-
- pred_ans = self.parse_pred_ans(pred_ans)
- assert pred_ans in ['yes', 'no', 'other']
-
- gts.append(gt_ans)
- preds.append(pred_ans)
-
- if gt_ans == pred_ans:
- img_correct_num += 1
-
- if pred_ans not in ['yes', 'no']:
- task_other_ans_num += 1
-
- if img_correct_num == 2:
- acc_plus_correct_num += 1
-
- # cal TP precision acc, etc.
- metric_dict = self.compute_metric(gts, preds)
- acc_plus = acc_plus_correct_num / img_num
- metric_dict['acc_plus'] = acc_plus
-
- for k, v in metric_dict.items():
- if k in ['acc', 'acc_plus']:
- task_score += v*100
-
- task_score_dict[task_name] = task_score
-
- scores += task_score
-
- print('total score:', scores, '\n')
- ret_message += f"total score: {scores} \n\n"
- for task_name, score in task_score_dict.items():
- print('\t', task_name, ' score:', score)
- ret_message += f"\t {task_name} score: {score}\n"
- print('\n')
- ret_message += "\n\n"
-
- return ret_message
-
-
-if __name__ == '__main__':
- cal = calculate_metrics()
-
- args = parser.parse_args()
- # results_dir = args.results_dir
- results_dir = args.out_dir
- ret_message = cal.process_result(results_dir)
-
- writer = open(os.path.join(args.out_dir, "results.txt"), 'w')
- print(f"write results to file {os.path.join(args.out_dir, 'results.txt')}")
- writer.write(ret_message)
- writer.close()
\ No newline at end of file
diff --git a/eval/vlm/eval/mme/eval.py b/eval/vlm/eval/mme/eval.py
deleted file mode 100644
index 59a42d80a08abd29c739f1b3c2b726b0884e7c1b..0000000000000000000000000000000000000000
--- a/eval/vlm/eval/mme/eval.py
+++ /dev/null
@@ -1,74 +0,0 @@
-# Copyright (c) 2023 OpenGVLab
-# Copyright (c) 2025 Bytedance Ltd. and/or its affiliates.
-# SPDX-License-Identifier: MIT
-#
-# This file has been modified by ByteDance Ltd. and/or its affiliates. on 2025-05-20.
-#
-# Original file was released under MIT, with the full license text
-# available at https://github.com/OpenGVLab/InternVL/blob/main/LICENSE.
-#
-# This modified file is released under the same license.
-
-import argparse
-import os
-import re
-
-from eval.vlm.utils import load_model_and_tokenizer, build_transform, process_conversation
-from PIL import Image
-from tqdm import tqdm
-
-
-def post_processing(response):
- response = response.replace('\n', '').replace('不是', 'No').replace('是', 'Yes').replace('否', 'No')
- response = response.lower().replace('true', 'yes').replace('false', 'no')
- pattern = re.compile(r'[\u4e00-\u9fa5]')
- response = re.sub(pattern, '', response)
- return response
-
-
-if __name__ == '__main__':
- parser = argparse.ArgumentParser()
- parser.add_argument('--root', type=str, default='eval/vlm/eval/mme/Your_Results')
- parser.add_argument('--out-dir', type=str, default='results')
- parser.add_argument('--model-path', type=str, default='hf/BAGEL-7B-MoT/')
- args = parser.parse_args()
-
- model, tokenizer, new_token_ids = load_model_and_tokenizer(args)
- image_transform = build_transform()
-
- total_params = sum(p.numel() for p in model.parameters()) / 1e9
- print(f'[test] total_params: {total_params}B')
-
- os.makedirs(args.out_dir, exist_ok=True)
- prompt = 'Answer the question using a single word or phrase.'
-
- for filename in os.listdir(args.root):
- fin = open(os.path.join(args.root, filename), 'r', encoding='utf-8')
- fout = open(os.path.join(args.out_dir, filename), 'w', encoding='utf-8')
- lines = fin.readlines()
- filename = filename.replace('.txt', '')
- for line in tqdm(lines):
- img, question, gt = line.strip().split('\t')
- question = question + ' ' + prompt
- img_path = os.path.join('eval/vlm/data/mme/MME_Benchmark_release_version', filename, img)
- if not os.path.exists(img_path):
- img_path = os.path.join('eval/vlm/data/mme/MME_Benchmark_release_version', filename, "images", img)
- if not os.path.exists(img_path):
- continue
- images = [Image.open(img_path).convert('RGB')]
- images, conversation = process_conversation(images, question)
-
- response = model.chat(
- tokenizer,
- new_token_ids,
- image_transform,
- images=images,
- prompt=conversation,
- max_length=20,
- )
- response = post_processing(response)
- print(img, question, gt, response, sep='\t', file=fout)
- fin.close()
- fout.close()
-
- os.system(f"python -m eval.vlm.eval.mme.calculation --out-dir {args.out_dir}")
diff --git a/eval/vlm/eval/mmmu/answer_dict_val.json b/eval/vlm/eval/mmmu/answer_dict_val.json
deleted file mode 100644
index b1d0703e02ab0d976186f6d7838e5c0bd8f66e81..0000000000000000000000000000000000000000
--- a/eval/vlm/eval/mmmu/answer_dict_val.json
+++ /dev/null
@@ -1,3611 +0,0 @@
-{
- "validation_Accounting_1": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Accounting_2": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Accounting_3": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Accounting_4": {
- "question_type": "multiple-choice",
- "ground_truth": "D"
- },
- "validation_Accounting_5": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Accounting_6": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Accounting_7": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Accounting_8": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Accounting_9": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Accounting_10": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Accounting_11": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Accounting_12": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Accounting_13": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Accounting_14": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Accounting_15": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Accounting_16": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Accounting_17": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Accounting_18": {
- "question_type": "multiple-choice",
- "ground_truth": "D"
- },
- "validation_Accounting_19": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Accounting_20": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Accounting_21": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Accounting_22": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Accounting_23": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Accounting_24": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Accounting_25": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Accounting_26": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Accounting_27": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Accounting_28": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Accounting_29": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Accounting_30": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Agriculture_1": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Agriculture_2": {
- "question_type": "multiple-choice",
- "ground_truth": "E"
- },
- "validation_Agriculture_3": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Agriculture_4": {
- "question_type": "multiple-choice",
- "ground_truth": "E"
- },
- "validation_Agriculture_5": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Agriculture_6": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Agriculture_7": {
- "question_type": "multiple-choice",
- "ground_truth": "E"
- },
- "validation_Agriculture_8": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Agriculture_9": {
- "question_type": "multiple-choice",
- "ground_truth": "D"
- },
- "validation_Agriculture_10": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Agriculture_11": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Agriculture_12": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Agriculture_13": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Agriculture_14": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Agriculture_15": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Agriculture_16": {
- "question_type": "multiple-choice",
- "ground_truth": "D"
- },
- "validation_Agriculture_17": {
- "question_type": "multiple-choice",
- "ground_truth": "E"
- },
- "validation_Agriculture_18": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Agriculture_19": {
- "question_type": "multiple-choice",
- "ground_truth": "D"
- },
- "validation_Agriculture_20": {
- "question_type": "multiple-choice",
- "ground_truth": "E"
- },
- "validation_Agriculture_21": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Agriculture_22": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Agriculture_23": {
- "question_type": "multiple-choice",
- "ground_truth": "D"
- },
- "validation_Agriculture_24": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Agriculture_25": {
- "question_type": "multiple-choice",
- "ground_truth": "E"
- },
- "validation_Agriculture_26": {
- "question_type": "multiple-choice",
- "ground_truth": "D"
- },
- "validation_Agriculture_27": {
- "question_type": "multiple-choice",
- "ground_truth": "D"
- },
- "validation_Agriculture_28": {
- "question_type": "multiple-choice",
- "ground_truth": "E"
- },
- "validation_Agriculture_29": {
- "question_type": "multiple-choice",
- "ground_truth": "D"
- },
- "validation_Agriculture_30": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Architecture_and_Engineering_1": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Architecture_and_Engineering_2": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Architecture_and_Engineering_3": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Architecture_and_Engineering_4": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Architecture_and_Engineering_5": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Architecture_and_Engineering_6": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Architecture_and_Engineering_7": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Architecture_and_Engineering_8": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Architecture_and_Engineering_9": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Architecture_and_Engineering_10": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Architecture_and_Engineering_11": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Architecture_and_Engineering_12": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Architecture_and_Engineering_13": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Architecture_and_Engineering_14": {
- "question_type": "short-answer",
- "ground_truth": "1.06"
- },
- "validation_Architecture_and_Engineering_15": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Architecture_and_Engineering_16": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Architecture_and_Engineering_17": {
- "question_type": "multiple-choice",
- "ground_truth": "D"
- },
- "validation_Architecture_and_Engineering_18": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Architecture_and_Engineering_19": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Architecture_and_Engineering_20": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Architecture_and_Engineering_21": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Architecture_and_Engineering_22": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Architecture_and_Engineering_23": {
- "question_type": "multiple-choice",
- "ground_truth": "D"
- },
- "validation_Architecture_and_Engineering_24": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Architecture_and_Engineering_25": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Architecture_and_Engineering_26": {
- "question_type": "multiple-choice",
- "ground_truth": "D"
- },
- "validation_Architecture_and_Engineering_27": {
- "question_type": "multiple-choice",
- "ground_truth": "D"
- },
- "validation_Architecture_and_Engineering_28": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Architecture_and_Engineering_29": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Architecture_and_Engineering_30": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Art_1": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Art_2": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Art_3": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Art_4": {
- "question_type": "multiple-choice",
- "ground_truth": "D"
- },
- "validation_Art_5": {
- "question_type": "multiple-choice",
- "ground_truth": "D"
- },
- "validation_Art_6": {
- "question_type": "multiple-choice",
- "ground_truth": "D"
- },
- "validation_Art_7": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Art_8": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Art_9": {
- "question_type": "multiple-choice",
- "ground_truth": "D"
- },
- "validation_Art_10": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Art_11": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Art_12": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Art_13": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Art_14": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Art_15": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Art_16": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Art_17": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Art_18": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Art_19": {
- "question_type": "multiple-choice",
- "ground_truth": "D"
- },
- "validation_Art_20": {
- "question_type": "multiple-choice",
- "ground_truth": "D"
- },
- "validation_Art_21": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Art_22": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Art_23": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Art_24": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Art_25": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Art_26": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Art_27": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Art_28": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Art_29": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Art_30": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Art_Theory_1": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Art_Theory_2": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Art_Theory_3": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Art_Theory_4": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Art_Theory_5": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Art_Theory_6": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Art_Theory_7": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Art_Theory_8": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Art_Theory_9": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Art_Theory_10": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Art_Theory_11": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Art_Theory_12": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Art_Theory_13": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Art_Theory_14": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Art_Theory_15": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Art_Theory_16": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Art_Theory_17": {
- "question_type": "multiple-choice",
- "ground_truth": "D"
- },
- "validation_Art_Theory_18": {
- "question_type": "multiple-choice",
- "ground_truth": "D"
- },
- "validation_Art_Theory_19": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Art_Theory_20": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Art_Theory_21": {
- "question_type": "multiple-choice",
- "ground_truth": "D"
- },
- "validation_Art_Theory_22": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Art_Theory_23": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Art_Theory_24": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Art_Theory_25": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Art_Theory_26": {
- "question_type": "multiple-choice",
- "ground_truth": "D"
- },
- "validation_Art_Theory_27": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Art_Theory_28": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Art_Theory_29": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Art_Theory_30": {
- "question_type": "multiple-choice",
- "ground_truth": "D"
- },
- "validation_Basic_Medical_Science_1": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Basic_Medical_Science_2": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Basic_Medical_Science_3": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Basic_Medical_Science_4": {
- "question_type": "multiple-choice",
- "ground_truth": "D"
- },
- "validation_Basic_Medical_Science_5": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Basic_Medical_Science_6": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Basic_Medical_Science_7": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Basic_Medical_Science_8": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Basic_Medical_Science_9": {
- "question_type": "multiple-choice",
- "ground_truth": "D"
- },
- "validation_Basic_Medical_Science_10": {
- "question_type": "short-answer",
- "ground_truth": "C"
- },
- "validation_Basic_Medical_Science_11": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Basic_Medical_Science_12": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Basic_Medical_Science_13": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Basic_Medical_Science_14": {
- "question_type": "short-answer",
- "ground_truth": "Transformation"
- },
- "validation_Basic_Medical_Science_15": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Basic_Medical_Science_16": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Basic_Medical_Science_17": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Basic_Medical_Science_18": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Basic_Medical_Science_19": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Basic_Medical_Science_20": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Basic_Medical_Science_21": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Basic_Medical_Science_22": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Basic_Medical_Science_23": {
- "question_type": "multiple-choice",
- "ground_truth": "E"
- },
- "validation_Basic_Medical_Science_24": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Basic_Medical_Science_25": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Basic_Medical_Science_26": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Basic_Medical_Science_27": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Basic_Medical_Science_28": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Basic_Medical_Science_29": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Basic_Medical_Science_30": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Biology_1": {
- "question_type": "multiple-choice",
- "ground_truth": "D"
- },
- "validation_Biology_2": {
- "question_type": "multiple-choice",
- "ground_truth": "D"
- },
- "validation_Biology_3": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Biology_4": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Biology_5": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Biology_6": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Biology_7": {
- "question_type": "multiple-choice",
- "ground_truth": "I"
- },
- "validation_Biology_8": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Biology_9": {
- "question_type": "multiple-choice",
- "ground_truth": "E"
- },
- "validation_Biology_10": {
- "question_type": "short-answer",
- "ground_truth": "1/64"
- },
- "validation_Biology_11": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Biology_12": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Biology_13": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Biology_14": {
- "question_type": "multiple-choice",
- "ground_truth": "E"
- },
- "validation_Biology_15": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Biology_16": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Biology_17": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Biology_18": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Biology_19": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Biology_20": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Biology_21": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Biology_22": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Biology_23": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Biology_24": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Biology_25": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Biology_26": {
- "question_type": "multiple-choice",
- "ground_truth": "E"
- },
- "validation_Biology_27": {
- "question_type": "multiple-choice",
- "ground_truth": "E"
- },
- "validation_Biology_28": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Biology_29": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Biology_30": {
- "question_type": "multiple-choice",
- "ground_truth": "F"
- },
- "validation_Chemistry_1": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Chemistry_2": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Chemistry_3": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Chemistry_4": {
- "question_type": "short-answer",
- "ground_truth": "trans-1-Chloro-4-methylcyclohexane"
- },
- "validation_Chemistry_5": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Chemistry_6": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Chemistry_7": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Chemistry_8": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Chemistry_9": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Chemistry_10": {
- "question_type": "multiple-choice",
- "ground_truth": "D"
- },
- "validation_Chemistry_11": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Chemistry_12": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Chemistry_13": {
- "question_type": "short-answer",
- "ground_truth": "12.97"
- },
- "validation_Chemistry_14": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Chemistry_15": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Chemistry_16": {
- "question_type": "multiple-choice",
- "ground_truth": "D"
- },
- "validation_Chemistry_17": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Chemistry_18": {
- "question_type": "multiple-choice",
- "ground_truth": "D"
- },
- "validation_Chemistry_19": {
- "question_type": "short-answer",
- "ground_truth": "4"
- },
- "validation_Chemistry_20": {
- "question_type": "short-answer",
- "ground_truth": "5"
- },
- "validation_Chemistry_21": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Chemistry_22": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Chemistry_23": {
- "question_type": "short-answer",
- "ground_truth": "6.5"
- },
- "validation_Chemistry_24": {
- "question_type": "multiple-choice",
- "ground_truth": "D"
- },
- "validation_Chemistry_25": {
- "question_type": "short-answer",
- "ground_truth": "24.32"
- },
- "validation_Chemistry_26": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Chemistry_27": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Chemistry_28": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Chemistry_29": {
- "question_type": "multiple-choice",
- "ground_truth": "D"
- },
- "validation_Chemistry_30": {
- "question_type": "short-answer",
- "ground_truth": [
- "$MgS$",
- "MgS"
- ]
- },
- "validation_Clinical_Medicine_1": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Clinical_Medicine_2": {
- "question_type": "multiple-choice",
- "ground_truth": "D"
- },
- "validation_Clinical_Medicine_3": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Clinical_Medicine_4": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Clinical_Medicine_5": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Clinical_Medicine_6": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Clinical_Medicine_7": {
- "question_type": "multiple-choice",
- "ground_truth": "E"
- },
- "validation_Clinical_Medicine_8": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Clinical_Medicine_9": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Clinical_Medicine_10": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Clinical_Medicine_11": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Clinical_Medicine_12": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Clinical_Medicine_13": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Clinical_Medicine_14": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Clinical_Medicine_15": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Clinical_Medicine_16": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Clinical_Medicine_17": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Clinical_Medicine_18": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Clinical_Medicine_19": {
- "question_type": "multiple-choice",
- "ground_truth": "E"
- },
- "validation_Clinical_Medicine_20": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Clinical_Medicine_21": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Clinical_Medicine_22": {
- "question_type": "multiple-choice",
- "ground_truth": "D"
- },
- "validation_Clinical_Medicine_23": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Clinical_Medicine_24": {
- "question_type": "multiple-choice",
- "ground_truth": "D"
- },
- "validation_Clinical_Medicine_25": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Clinical_Medicine_26": {
- "question_type": "multiple-choice",
- "ground_truth": "D"
- },
- "validation_Clinical_Medicine_27": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Clinical_Medicine_28": {
- "question_type": "multiple-choice",
- "ground_truth": "D"
- },
- "validation_Clinical_Medicine_29": {
- "question_type": "multiple-choice",
- "ground_truth": "D"
- },
- "validation_Clinical_Medicine_30": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Computer_Science_1": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Computer_Science_2": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Computer_Science_3": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Computer_Science_4": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Computer_Science_5": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Computer_Science_6": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Computer_Science_7": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Computer_Science_8": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Computer_Science_9": {
- "question_type": "short-answer",
- "ground_truth": "60"
- },
- "validation_Computer_Science_10": {
- "question_type": "multiple-choice",
- "ground_truth": "D"
- },
- "validation_Computer_Science_11": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Computer_Science_12": {
- "question_type": "multiple-choice",
- "ground_truth": "D"
- },
- "validation_Computer_Science_13": {
- "question_type": "multiple-choice",
- "ground_truth": "D"
- },
- "validation_Computer_Science_14": {
- "question_type": "multiple-choice",
- "ground_truth": "D"
- },
- "validation_Computer_Science_15": {
- "question_type": "multiple-choice",
- "ground_truth": "D"
- },
- "validation_Computer_Science_16": {
- "question_type": "multiple-choice",
- "ground_truth": "D"
- },
- "validation_Computer_Science_17": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Computer_Science_18": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Computer_Science_19": {
- "question_type": "multiple-choice",
- "ground_truth": "D"
- },
- "validation_Computer_Science_20": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Computer_Science_21": {
- "question_type": "multiple-choice",
- "ground_truth": "D"
- },
- "validation_Computer_Science_22": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Computer_Science_23": {
- "question_type": "short-answer",
- "ground_truth": "253.75"
- },
- "validation_Computer_Science_24": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Computer_Science_25": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Computer_Science_26": {
- "question_type": "short-answer",
- "ground_truth": "251"
- },
- "validation_Computer_Science_27": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Computer_Science_28": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Computer_Science_29": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Computer_Science_30": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Design_1": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Design_2": {
- "question_type": "multiple-choice",
- "ground_truth": "D"
- },
- "validation_Design_3": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Design_4": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Design_5": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Design_6": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Design_7": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Design_8": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Design_9": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Design_10": {
- "question_type": "multiple-choice",
- "ground_truth": "D"
- },
- "validation_Design_11": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Design_12": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Design_13": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Design_14": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Design_15": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Design_16": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Design_17": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Design_18": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Design_19": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Design_20": {
- "question_type": "multiple-choice",
- "ground_truth": "D"
- },
- "validation_Design_21": {
- "question_type": "multiple-choice",
- "ground_truth": "D"
- },
- "validation_Design_22": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Design_23": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Design_24": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Design_25": {
- "question_type": "multiple-choice",
- "ground_truth": "D"
- },
- "validation_Design_26": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Design_27": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Design_28": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Design_29": {
- "question_type": "multiple-choice",
- "ground_truth": "D"
- },
- "validation_Design_30": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Diagnostics_and_Laboratory_Medicine_1": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Diagnostics_and_Laboratory_Medicine_2": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Diagnostics_and_Laboratory_Medicine_3": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Diagnostics_and_Laboratory_Medicine_4": {
- "question_type": "multiple-choice",
- "ground_truth": "D"
- },
- "validation_Diagnostics_and_Laboratory_Medicine_5": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Diagnostics_and_Laboratory_Medicine_6": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Diagnostics_and_Laboratory_Medicine_7": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Diagnostics_and_Laboratory_Medicine_8": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Diagnostics_and_Laboratory_Medicine_9": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Diagnostics_and_Laboratory_Medicine_10": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Diagnostics_and_Laboratory_Medicine_11": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Diagnostics_and_Laboratory_Medicine_12": {
- "question_type": "multiple-choice",
- "ground_truth": "D"
- },
- "validation_Diagnostics_and_Laboratory_Medicine_13": {
- "question_type": "multiple-choice",
- "ground_truth": "D"
- },
- "validation_Diagnostics_and_Laboratory_Medicine_14": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Diagnostics_and_Laboratory_Medicine_15": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Diagnostics_and_Laboratory_Medicine_16": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Diagnostics_and_Laboratory_Medicine_17": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Diagnostics_and_Laboratory_Medicine_18": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Diagnostics_and_Laboratory_Medicine_19": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Diagnostics_and_Laboratory_Medicine_20": {
- "question_type": "multiple-choice",
- "ground_truth": "E"
- },
- "validation_Diagnostics_and_Laboratory_Medicine_21": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Diagnostics_and_Laboratory_Medicine_22": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Diagnostics_and_Laboratory_Medicine_23": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Diagnostics_and_Laboratory_Medicine_24": {
- "question_type": "multiple-choice",
- "ground_truth": "D"
- },
- "validation_Diagnostics_and_Laboratory_Medicine_25": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Diagnostics_and_Laboratory_Medicine_26": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Diagnostics_and_Laboratory_Medicine_27": {
- "question_type": "multiple-choice",
- "ground_truth": "E"
- },
- "validation_Diagnostics_and_Laboratory_Medicine_28": {
- "question_type": "multiple-choice",
- "ground_truth": "D"
- },
- "validation_Diagnostics_and_Laboratory_Medicine_29": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Diagnostics_and_Laboratory_Medicine_30": {
- "question_type": "multiple-choice",
- "ground_truth": "D"
- },
- "validation_Economics_1": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Economics_2": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Economics_3": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Economics_4": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Economics_5": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Economics_6": {
- "question_type": "multiple-choice",
- "ground_truth": "D"
- },
- "validation_Economics_7": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Economics_8": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Economics_9": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Economics_10": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Economics_11": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Economics_12": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Economics_13": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Economics_14": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Economics_15": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Economics_16": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Economics_17": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Economics_18": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Economics_19": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Economics_20": {
- "question_type": "short-answer",
- "ground_truth": "8"
- },
- "validation_Economics_21": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Economics_22": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Economics_23": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Economics_24": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Economics_25": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Economics_26": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Economics_27": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Economics_28": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Economics_29": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Economics_30": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Electronics_1": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Electronics_2": {
- "question_type": "short-answer",
- "ground_truth": "2.83"
- },
- "validation_Electronics_3": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Electronics_4": {
- "question_type": "short-answer",
- "ground_truth": "8.4"
- },
- "validation_Electronics_5": {
- "question_type": "short-answer",
- "ground_truth": "62.6"
- },
- "validation_Electronics_6": {
- "question_type": "short-answer",
- "ground_truth": "71.6"
- },
- "validation_Electronics_7": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Electronics_8": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Electronics_9": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Electronics_10": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Electronics_11": {
- "question_type": "short-answer",
- "ground_truth": "0.3"
- },
- "validation_Electronics_12": {
- "question_type": "short-answer",
- "ground_truth": "10"
- },
- "validation_Electronics_13": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Electronics_14": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Electronics_15": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Electronics_16": {
- "question_type": "short-answer",
- "ground_truth": "20"
- },
- "validation_Electronics_17": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Electronics_18": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Electronics_19": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Electronics_20": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Electronics_21": {
- "question_type": "short-answer",
- "ground_truth": "0.9965"
- },
- "validation_Electronics_22": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Electronics_23": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Electronics_24": {
- "question_type": "short-answer",
- "ground_truth": "551"
- },
- "validation_Electronics_25": {
- "question_type": "short-answer",
- "ground_truth": "50"
- },
- "validation_Electronics_26": {
- "question_type": "short-answer",
- "ground_truth": "6.333"
- },
- "validation_Electronics_27": {
- "question_type": "short-answer",
- "ground_truth": "-120"
- },
- "validation_Electronics_28": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Electronics_29": {
- "question_type": "short-answer",
- "ground_truth": "30"
- },
- "validation_Electronics_30": {
- "question_type": "short-answer",
- "ground_truth": "-141"
- },
- "validation_Energy_and_Power_1": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Energy_and_Power_2": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Energy_and_Power_3": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Energy_and_Power_4": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Energy_and_Power_5": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Energy_and_Power_6": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Energy_and_Power_7": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Energy_and_Power_8": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Energy_and_Power_9": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Energy_and_Power_10": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Energy_and_Power_11": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Energy_and_Power_12": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Energy_and_Power_13": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Energy_and_Power_14": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Energy_and_Power_15": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Energy_and_Power_16": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Energy_and_Power_17": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Energy_and_Power_18": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Energy_and_Power_19": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Energy_and_Power_20": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Energy_and_Power_21": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Energy_and_Power_22": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Energy_and_Power_23": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Energy_and_Power_24": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Energy_and_Power_25": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Energy_and_Power_26": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Energy_and_Power_27": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Energy_and_Power_28": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Energy_and_Power_29": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Energy_and_Power_30": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Finance_1": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Finance_2": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Finance_3": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Finance_4": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Finance_5": {
- "question_type": "multiple-choice",
- "ground_truth": "D"
- },
- "validation_Finance_6": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Finance_7": {
- "question_type": "multiple-choice",
- "ground_truth": "D"
- },
- "validation_Finance_8": {
- "question_type": "short-answer",
- "ground_truth": "360"
- },
- "validation_Finance_9": {
- "question_type": "multiple-choice",
- "ground_truth": "D"
- },
- "validation_Finance_10": {
- "question_type": "short-answer",
- "ground_truth": "2000000"
- },
- "validation_Finance_11": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Finance_12": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Finance_13": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Finance_14": {
- "question_type": "multiple-choice",
- "ground_truth": "D"
- },
- "validation_Finance_15": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Finance_16": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Finance_17": {
- "question_type": "short-answer",
- "ground_truth": "1000"
- },
- "validation_Finance_18": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Finance_19": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Finance_20": {
- "question_type": "short-answer",
- "ground_truth": "7243000"
- },
- "validation_Finance_21": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Finance_22": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Finance_23": {
- "question_type": "short-answer",
- "ground_truth": "527.89"
- },
- "validation_Finance_24": {
- "question_type": "short-answer",
- "ground_truth": "30.0"
- },
- "validation_Finance_25": {
- "question_type": "short-answer",
- "ground_truth": "0.286"
- },
- "validation_Finance_26": {
- "question_type": "multiple-choice",
- "ground_truth": "D"
- },
- "validation_Finance_27": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Finance_28": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Finance_29": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Finance_30": {
- "question_type": "short-answer",
- "ground_truth": "1249"
- },
- "validation_Geography_1": {
- "question_type": "multiple-choice",
- "ground_truth": "D"
- },
- "validation_Geography_2": {
- "question_type": "multiple-choice",
- "ground_truth": "D"
- },
- "validation_Geography_3": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Geography_4": {
- "question_type": "short-answer",
- "ground_truth": [
- "Tampa",
- "Florida"
- ]
- },
- "validation_Geography_5": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Geography_6": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Geography_7": {
- "question_type": "multiple-choice",
- "ground_truth": "D"
- },
- "validation_Geography_8": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Geography_9": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Geography_10": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Geography_11": {
- "question_type": "multiple-choice",
- "ground_truth": "D"
- },
- "validation_Geography_12": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Geography_13": {
- "question_type": "multiple-choice",
- "ground_truth": "D"
- },
- "validation_Geography_14": {
- "question_type": "short-answer",
- "ground_truth": "8200"
- },
- "validation_Geography_15": {
- "question_type": "multiple-choice",
- "ground_truth": "D"
- },
- "validation_Geography_16": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Geography_17": {
- "question_type": "multiple-choice",
- "ground_truth": "D"
- },
- "validation_Geography_18": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Geography_19": {
- "question_type": "multiple-choice",
- "ground_truth": "D"
- },
- "validation_Geography_20": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Geography_21": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Geography_22": {
- "question_type": "short-answer",
- "ground_truth": "3"
- },
- "validation_Geography_23": {
- "question_type": "multiple-choice",
- "ground_truth": "D"
- },
- "validation_Geography_24": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Geography_25": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Geography_26": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Geography_27": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Geography_28": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Geography_29": {
- "question_type": "multiple-choice",
- "ground_truth": "D"
- },
- "validation_Geography_30": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_History_1": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_History_2": {
- "question_type": "multiple-choice",
- "ground_truth": "D"
- },
- "validation_History_3": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_History_4": {
- "question_type": "multiple-choice",
- "ground_truth": "D"
- },
- "validation_History_5": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_History_6": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_History_7": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_History_8": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_History_9": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_History_10": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_History_11": {
- "question_type": "multiple-choice",
- "ground_truth": "D"
- },
- "validation_History_12": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_History_13": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_History_14": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_History_15": {
- "question_type": "multiple-choice",
- "ground_truth": "D"
- },
- "validation_History_16": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_History_17": {
- "question_type": "multiple-choice",
- "ground_truth": "D"
- },
- "validation_History_18": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_History_19": {
- "question_type": "multiple-choice",
- "ground_truth": "D"
- },
- "validation_History_20": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_History_21": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_History_22": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_History_23": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_History_24": {
- "question_type": "multiple-choice",
- "ground_truth": "D"
- },
- "validation_History_25": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_History_26": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_History_27": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_History_28": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_History_29": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_History_30": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Literature_1": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Literature_2": {
- "question_type": "multiple-choice",
- "ground_truth": "D"
- },
- "validation_Literature_3": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Literature_4": {
- "question_type": "multiple-choice",
- "ground_truth": "D"
- },
- "validation_Literature_5": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Literature_6": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Literature_7": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Literature_8": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Literature_9": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Literature_10": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Literature_11": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Literature_12": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Literature_13": {
- "question_type": "multiple-choice",
- "ground_truth": "D"
- },
- "validation_Literature_14": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Literature_15": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Literature_16": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Literature_17": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Literature_18": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Literature_19": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Literature_20": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Literature_21": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Literature_22": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Literature_23": {
- "question_type": "multiple-choice",
- "ground_truth": "D"
- },
- "validation_Literature_24": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Literature_25": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Literature_26": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Literature_27": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Literature_28": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Literature_29": {
- "question_type": "multiple-choice",
- "ground_truth": "D"
- },
- "validation_Literature_30": {
- "question_type": "multiple-choice",
- "ground_truth": "D"
- },
- "validation_Manage_1": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Manage_2": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Manage_3": {
- "question_type": "short-answer",
- "ground_truth": "242110.62"
- },
- "validation_Manage_4": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Manage_5": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Manage_6": {
- "question_type": "multiple-choice",
- "ground_truth": "D"
- },
- "validation_Manage_7": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Manage_8": {
- "question_type": "multiple-choice",
- "ground_truth": "D"
- },
- "validation_Manage_9": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Manage_10": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Manage_11": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Manage_12": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Manage_13": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Manage_14": {
- "question_type": "multiple-choice",
- "ground_truth": "D"
- },
- "validation_Manage_15": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Manage_16": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Manage_17": {
- "question_type": "short-answer",
- "ground_truth": "65"
- },
- "validation_Manage_18": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Manage_19": {
- "question_type": "multiple-choice",
- "ground_truth": "D"
- },
- "validation_Manage_20": {
- "question_type": "short-answer",
- "ground_truth": "2960"
- },
- "validation_Manage_21": {
- "question_type": "short-answer",
- "ground_truth": "9.20"
- },
- "validation_Manage_22": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Manage_23": {
- "question_type": "short-answer",
- "ground_truth": "1464"
- },
- "validation_Manage_24": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Manage_25": {
- "question_type": "short-answer",
- "ground_truth": "0.963"
- },
- "validation_Manage_26": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Manage_27": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Manage_28": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Manage_29": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Manage_30": {
- "question_type": "multiple-choice",
- "ground_truth": "D"
- },
- "validation_Marketing_1": {
- "question_type": "multiple-choice",
- "ground_truth": "D"
- },
- "validation_Marketing_2": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Marketing_3": {
- "question_type": "multiple-choice",
- "ground_truth": "D"
- },
- "validation_Marketing_4": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Marketing_5": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Marketing_6": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Marketing_7": {
- "question_type": "multiple-choice",
- "ground_truth": "D"
- },
- "validation_Marketing_8": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Marketing_9": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Marketing_10": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Marketing_11": {
- "question_type": "short-answer",
- "ground_truth": "0.10"
- },
- "validation_Marketing_12": {
- "question_type": "multiple-choice",
- "ground_truth": "D"
- },
- "validation_Marketing_13": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Marketing_14": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Marketing_15": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Marketing_16": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Marketing_17": {
- "question_type": "multiple-choice",
- "ground_truth": "D"
- },
- "validation_Marketing_18": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Marketing_19": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Marketing_20": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Marketing_21": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Marketing_22": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Marketing_23": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Marketing_24": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Marketing_25": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Marketing_26": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Marketing_27": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Marketing_28": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Marketing_29": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Marketing_30": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Materials_1": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Materials_2": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Materials_3": {
- "question_type": "multiple-choice",
- "ground_truth": "D"
- },
- "validation_Materials_4": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Materials_5": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Materials_6": {
- "question_type": "multiple-choice",
- "ground_truth": "D"
- },
- "validation_Materials_7": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Materials_8": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Materials_9": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Materials_10": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Materials_11": {
- "question_type": "multiple-choice",
- "ground_truth": "D"
- },
- "validation_Materials_12": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Materials_13": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Materials_14": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Materials_15": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Materials_16": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Materials_17": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Materials_18": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Materials_19": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Materials_20": {
- "question_type": "multiple-choice",
- "ground_truth": "D"
- },
- "validation_Materials_21": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Materials_22": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Materials_23": {
- "question_type": "multiple-choice",
- "ground_truth": "D"
- },
- "validation_Materials_24": {
- "question_type": "multiple-choice",
- "ground_truth": "F"
- },
- "validation_Materials_25": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Materials_26": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Materials_27": {
- "question_type": "multiple-choice",
- "ground_truth": "D"
- },
- "validation_Materials_28": {
- "question_type": "multiple-choice",
- "ground_truth": "D"
- },
- "validation_Materials_29": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Materials_30": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Math_1": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Math_2": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Math_3": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Math_4": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Math_5": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Math_6": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Math_7": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Math_8": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Math_9": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Math_10": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Math_11": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Math_12": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Math_13": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Math_14": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Math_15": {
- "question_type": "short-answer",
- "ground_truth": [
- "24/7",
- "3.429"
- ]
- },
- "validation_Math_16": {
- "question_type": "multiple-choice",
- "ground_truth": "D"
- },
- "validation_Math_17": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Math_18": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Math_19": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Math_20": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Math_21": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Math_22": {
- "question_type": "multiple-choice",
- "ground_truth": "D"
- },
- "validation_Math_23": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Math_24": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Math_25": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Math_26": {
- "question_type": "multiple-choice",
- "ground_truth": "D"
- },
- "validation_Math_27": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Math_28": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Math_29": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Math_30": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Mechanical_Engineering_1": {
- "question_type": "multiple-choice",
- "ground_truth": "D"
- },
- "validation_Mechanical_Engineering_2": {
- "question_type": "multiple-choice",
- "ground_truth": "D"
- },
- "validation_Mechanical_Engineering_3": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Mechanical_Engineering_4": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Mechanical_Engineering_5": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Mechanical_Engineering_6": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Mechanical_Engineering_7": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Mechanical_Engineering_8": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Mechanical_Engineering_9": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Mechanical_Engineering_10": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Mechanical_Engineering_11": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Mechanical_Engineering_12": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Mechanical_Engineering_13": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Mechanical_Engineering_14": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Mechanical_Engineering_15": {
- "question_type": "multiple-choice",
- "ground_truth": "D"
- },
- "validation_Mechanical_Engineering_16": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Mechanical_Engineering_17": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Mechanical_Engineering_18": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Mechanical_Engineering_19": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Mechanical_Engineering_20": {
- "question_type": "multiple-choice",
- "ground_truth": "D"
- },
- "validation_Mechanical_Engineering_21": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Mechanical_Engineering_22": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Mechanical_Engineering_23": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Mechanical_Engineering_24": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Mechanical_Engineering_25": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Mechanical_Engineering_26": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Mechanical_Engineering_27": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Mechanical_Engineering_28": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Mechanical_Engineering_29": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Mechanical_Engineering_30": {
- "question_type": "multiple-choice",
- "ground_truth": "D"
- },
- "validation_Music_1": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Music_2": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Music_3": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Music_4": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Music_5": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Music_6": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Music_7": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Music_8": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Music_9": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Music_10": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Music_11": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Music_12": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Music_13": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Music_14": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Music_15": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Music_16": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Music_17": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Music_18": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Music_19": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Music_20": {
- "question_type": "multiple-choice",
- "ground_truth": "D"
- },
- "validation_Music_21": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Music_22": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Music_23": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Music_24": {
- "question_type": "multiple-choice",
- "ground_truth": "D"
- },
- "validation_Music_25": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Music_26": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Music_27": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Music_28": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Music_29": {
- "question_type": "multiple-choice",
- "ground_truth": "D"
- },
- "validation_Music_30": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Pharmacy_1": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Pharmacy_2": {
- "question_type": "multiple-choice",
- "ground_truth": "E"
- },
- "validation_Pharmacy_3": {
- "question_type": "short-answer",
- "ground_truth": "2"
- },
- "validation_Pharmacy_4": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Pharmacy_5": {
- "question_type": "multiple-choice",
- "ground_truth": "D"
- },
- "validation_Pharmacy_6": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Pharmacy_7": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Pharmacy_8": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Pharmacy_9": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Pharmacy_10": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Pharmacy_11": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Pharmacy_12": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Pharmacy_13": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Pharmacy_14": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Pharmacy_15": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Pharmacy_16": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Pharmacy_17": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Pharmacy_18": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Pharmacy_19": {
- "question_type": "short-answer",
- "ground_truth": "B"
- },
- "validation_Pharmacy_20": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Pharmacy_21": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Pharmacy_22": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Pharmacy_23": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Pharmacy_24": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Pharmacy_25": {
- "question_type": "multiple-choice",
- "ground_truth": "D"
- },
- "validation_Pharmacy_26": {
- "question_type": "short-answer",
- "ground_truth": "A"
- },
- "validation_Pharmacy_27": {
- "question_type": "multiple-choice",
- "ground_truth": "D"
- },
- "validation_Pharmacy_28": {
- "question_type": "multiple-choice",
- "ground_truth": "D"
- },
- "validation_Pharmacy_29": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Pharmacy_30": {
- "question_type": "multiple-choice",
- "ground_truth": "D"
- },
- "validation_Physics_1": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Physics_2": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Physics_3": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Physics_4": {
- "question_type": "multiple-choice",
- "ground_truth": "D"
- },
- "validation_Physics_5": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Physics_6": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Physics_7": {
- "question_type": "multiple-choice",
- "ground_truth": "E"
- },
- "validation_Physics_8": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Physics_9": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Physics_10": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Physics_11": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Physics_12": {
- "question_type": "multiple-choice",
- "ground_truth": "D"
- },
- "validation_Physics_13": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Physics_14": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Physics_15": {
- "question_type": "multiple-choice",
- "ground_truth": "D"
- },
- "validation_Physics_16": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Physics_17": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Physics_18": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Physics_19": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Physics_20": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Physics_21": {
- "question_type": "short-answer",
- "ground_truth": "A"
- },
- "validation_Physics_22": {
- "question_type": "multiple-choice",
- "ground_truth": "D"
- },
- "validation_Physics_23": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Physics_24": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Physics_25": {
- "question_type": "multiple-choice",
- "ground_truth": "D"
- },
- "validation_Physics_26": {
- "question_type": "multiple-choice",
- "ground_truth": "D"
- },
- "validation_Physics_27": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Physics_28": {
- "question_type": "multiple-choice",
- "ground_truth": "D"
- },
- "validation_Physics_29": {
- "question_type": "multiple-choice",
- "ground_truth": "D"
- },
- "validation_Physics_30": {
- "question_type": "multiple-choice",
- "ground_truth": "E"
- },
- "validation_Psychology_1": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Psychology_2": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Psychology_3": {
- "question_type": "multiple-choice",
- "ground_truth": "E"
- },
- "validation_Psychology_4": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Psychology_5": {
- "question_type": "multiple-choice",
- "ground_truth": "D"
- },
- "validation_Psychology_6": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Psychology_7": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Psychology_8": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Psychology_9": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Psychology_10": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Psychology_11": {
- "question_type": "multiple-choice",
- "ground_truth": "D"
- },
- "validation_Psychology_12": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Psychology_13": {
- "question_type": "multiple-choice",
- "ground_truth": "E"
- },
- "validation_Psychology_14": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Psychology_15": {
- "question_type": "multiple-choice",
- "ground_truth": "E"
- },
- "validation_Psychology_16": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Psychology_17": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Psychology_18": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Psychology_19": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Psychology_20": {
- "question_type": "short-answer",
- "ground_truth": "embryonic"
- },
- "validation_Psychology_21": {
- "question_type": "multiple-choice",
- "ground_truth": "D"
- },
- "validation_Psychology_22": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Psychology_23": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Psychology_24": {
- "question_type": "multiple-choice",
- "ground_truth": "D"
- },
- "validation_Psychology_25": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Psychology_26": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Psychology_27": {
- "question_type": "multiple-choice",
- "ground_truth": "E"
- },
- "validation_Psychology_28": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Psychology_29": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Psychology_30": {
- "question_type": "multiple-choice",
- "ground_truth": "E"
- },
- "validation_Public_Health_1": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Public_Health_2": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Public_Health_3": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Public_Health_4": {
- "question_type": "multiple-choice",
- "ground_truth": "D"
- },
- "validation_Public_Health_5": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Public_Health_6": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Public_Health_7": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Public_Health_8": {
- "question_type": "multiple-choice",
- "ground_truth": "D"
- },
- "validation_Public_Health_9": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Public_Health_10": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Public_Health_11": {
- "question_type": "multiple-choice",
- "ground_truth": "D"
- },
- "validation_Public_Health_12": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Public_Health_13": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Public_Health_14": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Public_Health_15": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Public_Health_16": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Public_Health_17": {
- "question_type": "multiple-choice",
- "ground_truth": "D"
- },
- "validation_Public_Health_18": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Public_Health_19": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Public_Health_20": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Public_Health_21": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Public_Health_22": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Public_Health_23": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Public_Health_24": {
- "question_type": "multiple-choice",
- "ground_truth": "D"
- },
- "validation_Public_Health_25": {
- "question_type": "multiple-choice",
- "ground_truth": "D"
- },
- "validation_Public_Health_26": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Public_Health_27": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Public_Health_28": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Public_Health_29": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Public_Health_30": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Sociology_1": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Sociology_2": {
- "question_type": "multiple-choice",
- "ground_truth": "D"
- },
- "validation_Sociology_3": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Sociology_4": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Sociology_5": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Sociology_6": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Sociology_7": {
- "question_type": "multiple-choice",
- "ground_truth": "D"
- },
- "validation_Sociology_8": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Sociology_9": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Sociology_10": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Sociology_11": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Sociology_12": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Sociology_13": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Sociology_14": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Sociology_15": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Sociology_16": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Sociology_17": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Sociology_18": {
- "question_type": "multiple-choice",
- "ground_truth": "D"
- },
- "validation_Sociology_19": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Sociology_20": {
- "question_type": "multiple-choice",
- "ground_truth": "D"
- },
- "validation_Sociology_21": {
- "question_type": "multiple-choice",
- "ground_truth": "C"
- },
- "validation_Sociology_22": {
- "question_type": "multiple-choice",
- "ground_truth": "D"
- },
- "validation_Sociology_23": {
- "question_type": "multiple-choice",
- "ground_truth": "D"
- },
- "validation_Sociology_24": {
- "question_type": "multiple-choice",
- "ground_truth": "D"
- },
- "validation_Sociology_25": {
- "question_type": "multiple-choice",
- "ground_truth": "D"
- },
- "validation_Sociology_26": {
- "question_type": "multiple-choice",
- "ground_truth": "D"
- },
- "validation_Sociology_27": {
- "question_type": "multiple-choice",
- "ground_truth": "D"
- },
- "validation_Sociology_28": {
- "question_type": "multiple-choice",
- "ground_truth": "A"
- },
- "validation_Sociology_29": {
- "question_type": "multiple-choice",
- "ground_truth": "B"
- },
- "validation_Sociology_30": {
- "question_type": "multiple-choice",
- "ground_truth": "E"
- }
-}
diff --git a/eval/vlm/eval/mmmu/data_utils.py b/eval/vlm/eval/mmmu/data_utils.py
deleted file mode 100644
index b5218c28796c7ef47556d1f1f6260b3ad73af85d..0000000000000000000000000000000000000000
--- a/eval/vlm/eval/mmmu/data_utils.py
+++ /dev/null
@@ -1,187 +0,0 @@
-# Copyright (c) 2023 OpenGVLab
-# Copyright (c) 2025 Bytedance Ltd. and/or its affiliates.
-# SPDX-License-Identifier: MIT
-#
-# This file has been modified by ByteDance Ltd. and/or its affiliates. on 2025-05-20.
-#
-# Original file was released under MIT, with the full license text
-# available at https://github.com/OpenGVLab/InternVL/blob/main/LICENSE.
-#
-# This modified file is released under the same license.
-
-"""Utils for data load, save, and process (e.g., prompt construction)"""
-
-import json
-import os
-import re
-
-import yaml
-
-DOMAIN_CAT2SUB_CAT = {
- 'Art and Design': ['Art', 'Art_Theory', 'Design', 'Music'],
- 'Business': ['Accounting', 'Economics', 'Finance', 'Manage', 'Marketing'],
- 'Science': ['Biology', 'Chemistry', 'Geography', 'Math', 'Physics', ],
- 'Health and Medicine': ['Basic_Medical_Science', 'Clinical_Medicine', 'Diagnostics_and_Laboratory_Medicine',
- 'Pharmacy', 'Public_Health'],
- 'Humanities and Social Science': ['History', 'Literature', 'Sociology', 'Psychology'],
- 'Tech and Engineering': ['Agriculture', 'Architecture_and_Engineering', 'Computer_Science', 'Electronics',
- 'Energy_and_Power', 'Materials', 'Mechanical_Engineering'],
-}
-
-CAT_SHORT2LONG = {
- 'acc': 'Accounting',
- 'agri': 'Agriculture',
- 'arch': 'Architecture_and_Engineering',
- 'art': 'Art',
- 'art_theory': 'Art_Theory',
- 'bas_med': 'Basic_Medical_Science',
- 'bio': 'Biology',
- 'chem': 'Chemistry',
- 'cli_med': 'Clinical_Medicine',
- 'cs': 'Computer_Science',
- 'design': 'Design',
- 'diag_med': 'Diagnostics_and_Laboratory_Medicine',
- 'econ': 'Economics',
- 'elec': 'Electronics',
- 'ep': 'Energy_and_Power',
- 'fin': 'Finance',
- 'geo': 'Geography',
- 'his': 'History',
- 'liter': 'Literature',
- 'manage': 'Manage',
- 'mark': 'Marketing',
- 'mate': 'Materials',
- 'math': 'Math',
- 'mech': 'Mechanical_Engineering',
- 'music': 'Music',
- 'phar': 'Pharmacy',
- 'phys': 'Physics',
- 'psy': 'Psychology',
- 'pub_health': 'Public_Health',
- 'socio': 'Sociology'
-}
-
-
-# DATA SAVING
-def save_json(filename, ds):
- with open(filename, 'w') as f:
- json.dump(ds, f, indent=4)
-
-
-def get_multi_choice_info(options):
- """
- Given the list of options for multiple choice question
- Return the index2ans and all_choices
- """
-
- start_chr = 'A'
- all_choices = []
- index2ans = {}
- for i, option in enumerate(options):
- index2ans[chr(ord(start_chr) + i)] = option
- all_choices.append(chr(ord(start_chr) + i))
-
- return index2ans, all_choices
-
-
-def load_yaml(file_path):
- with open(file_path, 'r') as stream:
- try:
- yaml_dict = yaml.safe_load(stream)
- except yaml.YAMLError as exc:
- print(exc)
-
- return yaml_dict
-
-
-def parse_img_path(text):
- matches = re.findall("
", text)
- return matches
-
-
-def process_single_sample(data):
- question = data['question']
- o_imgs_paths = []
- for option in data['options']:
- current_o_imgs_paths = parse_img_path(option)
- for img_path in current_o_imgs_paths:
- o_imgs_paths.append(img_path)
- images = [data['image_1'], data['image_2'], data['image_3'], data['image_4'],
- data['image_5'], data['image_6'], data['image_7']]
- return {'id': data['id'], 'question': question, 'options': data['options'], 'answer': data['answer'],
- 'image': images, 'question_type': data['question_type']}
-
-
-# DATA SAVING
-def save_json(filename, ds):
- with open(filename, 'w') as f:
- json.dump(ds, f, indent=4)
-
-
-def save_jsonl(filename, data):
- """
- Save a dictionary of data to a JSON Lines file with the filename as key and caption as value.
-
- Args:
- filename (str): The path to the file where the data should be saved.
- data (dict): The dictionary containing the data to save where key is the image path and value is the caption.
- """
- with open(filename, 'w', encoding='utf-8') as f:
- for img_path, caption in data.items():
- # Extract the base filename without the extension
- base_filename = os.path.basename(img_path)
- # Create a JSON object with the filename as the key and caption as the value
- json_record = json.dumps({base_filename: caption}, ensure_ascii=False)
- # Write the JSON object to the file, one per line
- f.write(json_record + '\n')
-
-
-def save_args(args, path_dir):
- argsDict = args.__dict__
- with open(path_dir + 'setting.txt', 'w') as f:
- f.writelines('------------------ start ------------------' + '\n')
- for eachArg, value in argsDict.items():
- f.writelines(eachArg + ' : ' + str(value) + '\n')
- f.writelines('------------------- end -------------------')
-
-
-# DATA PROCESSING
-def construct_prompt(sample, config):
- question = sample['question']
- options = eval(sample['options'])
- example = ''
- if sample['question_type'] == 'multiple-choice':
- start_chr = 'A'
- prediction_range = []
- index2ans = {}
- for option in options:
- prediction_range.append(start_chr)
- example += f'({start_chr}) {option}\n'
- index2ans[start_chr] = option
- start_chr = chr(ord(start_chr) + 1)
- empty_prompt_sample_structure = config['multi_choice_example_format']
- empty_prompt = empty_prompt_sample_structure.format(question, example)
- res_dict = {}
- res_dict['index2ans'] = index2ans
- res_dict['correct_choice'] = sample['answer']
- res_dict['all_choices'] = prediction_range
- res_dict['empty_prompt'] = empty_prompt
- if config['task_instructions']:
- res_dict['final_input_prompt'] = config['task_instructions'].strip() + '\n\n' + empty_prompt
- else:
- res_dict['final_input_prompt'] = empty_prompt
-
- res_dict['gt_content'] = options[ord(sample['answer'].upper()) - ord('A')]
- else:
- empty_prompt_sample_structure = config['short_ans_example_format']
- empty_prompt = empty_prompt_sample_structure.format(question)
- res_dict = {}
- res_dict['empty_prompt'] = empty_prompt
- if config['task_instructions']:
- res_dict['final_input_prompt'] = config['task_instructions'].strip() + '\n\n' + empty_prompt
- else:
- res_dict['final_input_prompt'] = empty_prompt
- res_dict['gt_content'] = sample['answer']
-
- res_dict.update(sample)
- return res_dict
diff --git a/eval/vlm/eval/mmmu/eval_utils.py b/eval/vlm/eval/mmmu/eval_utils.py
deleted file mode 100644
index c7e9031ac5c7b53ab8b7540b1fd13d93cd95651f..0000000000000000000000000000000000000000
--- a/eval/vlm/eval/mmmu/eval_utils.py
+++ /dev/null
@@ -1,275 +0,0 @@
-# Copyright (c) 2023 OpenGVLab
-# Copyright (c) 2025 Bytedance Ltd. and/or its affiliates.
-# SPDX-License-Identifier: MIT
-#
-# This file has been modified by ByteDance Ltd. and/or its affiliates. on 2025-05-20.
-#
-# Original file was released under MIT, with the full license text
-# available at https://github.com/OpenGVLab/InternVL/blob/main/LICENSE.
-#
-# This modified file is released under the same license.
-
-"""Response Parsing and Evaluation for various models"""
-import random
-import re
-from typing import Dict
-
-random.seed(42)
-import numpy as np
-
-
-# ----------- Process Multi-choice -------------
-def parse_multi_choice_response(response, all_choices, index2ans):
- """
- Parse the prediction from the generated response.
- Return the predicted index e.g., A, B, C, D.
- """
- for char in [',', '.', '!', '?', ';', ':', "'"]:
- response = response.strip(char)
- response = ' ' + response + ' ' # add space to avoid partial match
-
- index_ans = True
- ans_with_brack = False
- candidates = []
- for choice in all_choices: # e.g., (A) (B) (C) (D)
- if f'({choice})' in response:
- candidates.append(choice)
- ans_with_brack = True
-
- if len(candidates) == 0:
- for choice in all_choices: # e.g., A B C D
- if f' {choice} ' in response:
- candidates.append(choice)
-
- # if all above doesn't get candidates, check if the content is larger than 5 tokens and try to parse the example
- if len(candidates) == 0 and len(response.split()) > 5:
- for index, ans in index2ans.items():
- if ans.lower() in response.lower():
- candidates.append(index)
- index_ans = False # it's content ans.
-
- if len(candidates) == 0: # still not get answer, randomly choose one.
- pred_index = random.choice(all_choices)
- elif len(candidates) > 1:
- start_indexes = []
- if index_ans:
- if ans_with_brack:
- for can in candidates:
- index = response.rfind(f'({can})')
- start_indexes.append(index) # -1 will be ignored anyway
- # start_indexes = [generated_response.index(f'({can})') for can in candidates]
- else:
- for can in candidates:
- index = response.rfind(f' {can} ')
- start_indexes.append(index)
- else:
- for can in candidates:
- index = response.lower().rfind(index2ans[can].lower())
- start_indexes.append(index)
- # get the last one
- pred_index = candidates[np.argmax(start_indexes)]
- else: # if only one candidate, use it.
- pred_index = candidates[0]
-
- return pred_index
-
-
-# ----------- Process Open -------------
-def check_is_number(string):
- """
- Check if the given string a number.
- """
- try:
- float(string.replace(',', ''))
- return True
- except ValueError:
- # check if there's comma inside
- return False
-
-
-def normalize_str(string):
- """
- Normalize the str to lower case and make them float numbers if possible.
- """
- # check if characters in the string
-
- # if number, numerize it.
- string = string.strip()
-
- is_number = check_is_number(string)
-
- if is_number:
- string = string.replace(',', '')
- string = float(string)
- # leave 2 decimal
- string = round(string, 2)
- return [string]
- else: # it's likely to be a string
- # lower it
- string = string.lower()
- if len(string) == 1:
- return [' ' + string, string + ' '] # avoid trivial matches
- return [string]
-
-
-def extract_numbers(string):
- """
- Exact all forms of numbers from a string with regex.
- """
- # Pattern for numbers with commas
- pattern_commas = r'-?\b\d{1,3}(?:,\d{3})+\b'
- # Pattern for scientific notation
- pattern_scientific = r'-?\d+(?:\.\d+)?[eE][+-]?\d+'
- # Pattern for simple numbers without commas
- pattern_simple = r'-?(?:\d+\.\d+|\.\d+|\d+\b)(?![eE][+-]?\d+)(?![,\d])'
-
- # Extract numbers with commas
- numbers_with_commas = re.findall(pattern_commas, string)
- # Extract numbers in scientific notation
- numbers_scientific = re.findall(pattern_scientific, string)
- # Extract simple numbers without commas
- numbers_simple = re.findall(pattern_simple, string)
-
- # Combine all extracted numbers
- all_numbers = numbers_with_commas + numbers_scientific + numbers_simple
- return all_numbers
-
-
-def parse_open_response(response):
- """
- Parse the prediction from the generated response.
- Return a list of predicted strings or numbers.
- """
-
- # content = content.strip("\n").strip(".").strip(" ")
- def get_key_subresponses(response):
- key_responses = []
- response = response.strip().strip('.').lower()
- sub_responses = re.split(r'\.\s(?=[A-Z])|\n', response)
- indicators_of_keys = ['could be ', 'so ', 'is ',
- 'thus ', 'therefore ', 'final ', 'answer ', 'result ']
- key_responses = []
- for index, resp in enumerate(sub_responses):
- # if last one, accept it's an equation (the entire response can be just one sentence with equation)
- if index == len(sub_responses) - 1:
- indicators_of_keys.extend(['='])
- shortest_key_response = None # the shortest response that may contain the answer (tail part of the response)
- for indicator in indicators_of_keys:
- if indicator in resp:
- if not shortest_key_response:
- shortest_key_response = resp.split(indicator)[-1].strip()
- else:
- if len(resp.split(indicator)[-1].strip()) < len(shortest_key_response):
- shortest_key_response = resp.split(indicator)[-1].strip()
- # key_responses.append(resp.split(indicator)[1].strip())
-
- if shortest_key_response:
- # and it's not trivial
- if shortest_key_response.strip() not in [':', ',', '.', '!', '?', ';', ':', "'"]:
- key_responses.append(shortest_key_response)
- if len(key_responses) == 0: # did not found any
- return [response]
- return key_responses
-
- # pdb.set_trace()
- key_responses = get_key_subresponses(response)
-
- pred_list = key_responses.copy() # keep the original string response
- for resp in key_responses:
- pred_list.extend(extract_numbers(resp))
-
- tmp_pred_list = []
- for i in range(len(pred_list)):
- tmp_pred_list.extend(normalize_str(pred_list[i]))
- pred_list = tmp_pred_list
-
- # remove duplicates
- pred_list = list(set(pred_list))
-
- return pred_list
-
-
-# ----------- Evaluation -------------
-
-def eval_multi_choice(gold_i, pred_i):
- """
- Evaluate a multiple choice instance.
- """
- correct = False
- # only they are exactly the same, we consider it as correct
- if isinstance(gold_i, list):
- for answer in gold_i:
- if answer == pred_i:
- correct = True
- break
- else: # gold_i is a string
- if gold_i == pred_i:
- correct = True
- return correct
-
-
-def eval_open(gold_i, pred_i):
- """
- Evaluate an open question instance
- """
- correct = False
- if isinstance(gold_i, list):
- # use float to avoid trivial matches
- norm_answers = []
- for answer in gold_i:
- norm_answers.extend(normalize_str(answer))
- else:
- norm_answers = normalize_str(gold_i)
- for pred in pred_i: # pred is already normalized in parse response phase
- if isinstance(pred, str): # if it's a string, then find if ans in the pred_i
- for norm_ans in norm_answers:
- # only see if the string answer in the string pred
- if isinstance(norm_ans, str) and norm_ans in pred:
- if not correct:
- correct = True
- break
- else: # it's a float number
- if pred in norm_answers:
- if not correct:
- correct = True
- break
- return correct
-
-
-# ----------- Batch Evaluation -------------
-def evaluate(samples):
- """
- Batch evaluation for multiple choice and open questions.
- """
- pred_correct = 0
- judge_dict = dict()
- for sample in samples:
- gold_i = sample['answer']
- pred_i = sample['parsed_pred']
- if sample['question_type'] == 'multiple-choice':
- correct = eval_multi_choice(gold_i, pred_i)
- else: # open question
- correct = eval_open(gold_i, pred_i)
-
- if correct:
- judge_dict[sample['id']] = 'Correct'
- pred_correct += 1
- else:
- judge_dict[sample['id']] = 'Wrong'
-
- if len(samples) == 0:
- return {'acc': 0}
- return judge_dict, {'acc': pred_correct / len(samples)}
-
-
-# ----------- Calculate Accuracy -------------
-def calculate_ins_level_acc(results: Dict):
- """Calculate the instruction level accuracy for given Subject results"""
- acc = 0
- ins_num = 0
- for cat_results in results.values():
- acc += cat_results['acc'] * cat_results['num_example']
- ins_num += cat_results['num_example']
- if ins_num == 0:
- return 0
- return acc / ins_num
diff --git a/eval/vlm/eval/mmmu/evaluate_mmmu.py b/eval/vlm/eval/mmmu/evaluate_mmmu.py
deleted file mode 100644
index 3330feffc2ac84d98e5715e657dd8ba890b6e12f..0000000000000000000000000000000000000000
--- a/eval/vlm/eval/mmmu/evaluate_mmmu.py
+++ /dev/null
@@ -1,272 +0,0 @@
-# Copyright (c) 2023 OpenGVLab
-# Copyright (c) 2025 Bytedance Ltd. and/or its affiliates.
-# SPDX-License-Identifier: MIT
-#
-# This file has been modified by ByteDance Ltd. and/or its affiliates. on 2025-05-20.
-#
-# Original file was released under MIT, with the full license text
-# available at https://github.com/OpenGVLab/InternVL/blob/main/LICENSE.
-#
-# This modified file is released under the same license.
-
-import argparse
-import itertools
-import json
-import os
-import random
-
-import torch
-from .data_utils import CAT_SHORT2LONG, process_single_sample
-from datasets import concatenate_datasets, load_dataset
-from eval.vlm.utils import load_model_and_tokenizer, build_transform, process_conversation
-from PIL import Image
-from tqdm import tqdm
-
-ds_collections = {
- 'MMMU_validation': {
- 'root': 'MMMU/MMMU',
- 'max_new_tokens': 10,
- 'min_new_tokens': 1,
- 'split': 'validation'
- },
- 'MMMU_test': {
- 'root': 'MMMU/MMMU',
- 'max_new_tokens': 10,
- 'min_new_tokens': 1,
- 'split': 'test'
- },
- 'MMMU_dev': {
- 'root': 'MMMU/MMMU',
- 'max_new_tokens': 10,
- 'min_new_tokens': 1,
- 'split': 'dev'
- },
-}
-
-
-def collate_fn(batches):
- questions = [_['question'] for _ in batches]
- images = [_['images'] for _ in batches]
- conversation = [_['conversation'] for _ in batches]
- answers = [_['answer'] for _ in batches]
- data_ids = [_['data_id'] for _ in batches]
- options = [_['option'] for _ in batches]
- return questions, images, conversation, answers, data_ids, options
-
-
-class MMMUDataset(torch.utils.data.Dataset):
-
- def __init__(self, root, split, prompt):
- # run for each subject
- sub_dataset_list = []
- for subject in tqdm(CAT_SHORT2LONG.values()):
- sub_dataset = load_dataset(root, subject, split=split, cache_dir=os.path.join(os.getcwd(), 'eval/vlm/data/MMMU/'))
- sub_dataset_list.append(sub_dataset)
-
- # merge all dataset
- self.data = concatenate_datasets(sub_dataset_list)
- self.prompt = prompt
-
- def __len__(self):
- return len(self.data)
-
- def __getitem__(self, idx):
-
- data = process_single_sample(self.data[idx])
- data_id = data['id']
- question = data['question'].strip()
- pil_images = data['image']
- question_type = data['question_type']
-
- choices = eval(data['options'])
- answer = data['answer'] if 'answer' in data else None
-
- choice_list = []
- options = {}
- multiple_choices = ['A', 'B', 'C', 'D', 'E', 'F', 'G', 'H', 'I', 'J', 'K', 'L', 'M']
- for i, c in enumerate(choices):
- choice_list.append('{}. {}'.format(multiple_choices[i], c.strip()))
- options[multiple_choices[i]] = c.strip()
- choice_txt = '\n'.join(choice_list)
- images = []
- for idx, pil_image in enumerate(pil_images):
- if pil_image is not None:
- if idx == 0:
- pil_image = pil_image.resize((pil_image.width * 2, pil_image.height * 2), Image.BILINEAR)
- images.append(pil_image)
-
- if len(choice_txt) > 0:
- question += '\n' + choice_txt
- question += '\n' + self.prompt[question_type]
- question = question.strip()
-
- # NOTE: Do not add since has been added
- # question = "" * len(images) + "\n" + question
-
- images, conversation = process_conversation(images, question)
-
- return {
- 'question': question,
- 'images': images,
- 'conversation': conversation,
- 'answer': answer,
- 'option': options,
- 'data_id': data_id
- }
-
-
-class InferenceSampler(torch.utils.data.sampler.Sampler):
-
- def __init__(self, size):
- self._size = int(size)
- assert size > 0
- self._rank = torch.distributed.get_rank()
- self._world_size = torch.distributed.get_world_size()
- self._local_indices = self._get_local_indices(size, self._world_size, self._rank)
-
- @staticmethod
- def _get_local_indices(total_size, world_size, rank):
- shard_size = total_size // world_size
- left = total_size % world_size
- shard_sizes = [shard_size + int(r < left) for r in range(world_size)]
-
- begin = sum(shard_sizes[:rank])
- end = min(sum(shard_sizes[:rank + 1]), total_size)
- return range(begin, end)
-
- def __iter__(self):
- yield from self._local_indices
-
- def __len__(self):
- return len(self._local_indices)
-
-
-def post_process(pred, option):
- pred = pred.strip()
- option_candidate = list(option.keys())
- if len(pred) == 1:
- return pred
- elif len(pred) == 0:
- pred = "C"
- elif len(pred) != 1 and pred[0] in option_candidate:
- return pred[0]
- elif len(pred) != 1 and pred[0] not in option_candidate:
- for k, v in option.items():
- if v in pred:
- return k
-
- return pred
-
-
-def evaluate_chat_model():
- prompt = {
- 'multiple-choice': "Answer with the option's letter from the given choices directly.",
- 'open': 'Answer the question using a single word or phrase.'
- }
- random.seed(args.seed)
-
- for ds_name in args.datasets:
- dataset = MMMUDataset(
- root=ds_collections[ds_name]['root'],
- split=ds_collections[ds_name]['split'],
- prompt=prompt,
- )
- dataloader = torch.utils.data.DataLoader(
- dataset=dataset,
- sampler=InferenceSampler(len(dataset)),
- batch_size=args.batch_size,
- num_workers=args.num_workers,
- pin_memory=True,
- drop_last=False,
- collate_fn=collate_fn,
- )
-
- outputs = []
- for _, (questions, images, conversation, answers, data_ids, options) in tqdm(enumerate(dataloader)):
- pred = model.chat(
- tokenizer,
- new_token_ids,
- image_transform,
- images=images[0], # batch=1
- prompt=conversation[0], # batch=1
- max_length=ds_collections[ds_name]['max_new_tokens'], # TODO: how to use ds_collections[ds_name]['min_new_tokens']
- )
- if len(options[0]) == 0:
- preds = [pred]
- else:
- preds = [post_process(pred, options[0])]
-
- for question, pred, answer, data_id in zip(questions, preds, answers, data_ids):
- outputs.append({
- 'question': question,
- 'answer': pred,
- 'gt_answers': answer,
- 'data_id': data_id
- })
-
- torch.distributed.barrier()
-
- world_size = torch.distributed.get_world_size()
- merged_outputs = [None for _ in range(world_size)]
- torch.distributed.all_gather_object(merged_outputs, json.dumps(outputs))
-
- merged_outputs = [json.loads(_) for _ in merged_outputs]
- merged_outputs = [_ for _ in itertools.chain.from_iterable(merged_outputs)]
-
- if torch.distributed.get_rank() == 0:
- print(f'Evaluating {ds_name} ...')
- output_path = os.path.join(args.out_dir, "prediction.json")
- outputs = {}
- for item in merged_outputs:
- outputs[item['data_id']] = item['answer']
- with open(output_path, 'w') as f:
- json.dump(outputs, f, indent=4)
- print('Results saved to {}'.format(output_path))
- if ds_collections[ds_name]['split'] == 'validation':
- print('Evaluating ...')
- cmd = f'python -m eval.vlm.eval.mmmu.main_eval_only ' \
- f'--output_path {output_path} ' \
- f'--answer_path eval/vlm/eval/mmmu/answer_dict_val.json ' \
- f'--out-dir {args.out_dir}'
- print(cmd)
- os.system(cmd)
- output_path = os.path.join(args.out_dir, "results.jsonl")
- writer = open(output_path, 'w')
- for item in merged_outputs:
- writer.write(json.dumps(item) + '\n')
- writer.close()
- print('Results saved to {}'.format(output_path))
-
-
-if __name__ == '__main__':
- parser = argparse.ArgumentParser()
- parser.add_argument('--datasets', type=str, default='MMMU_validation')
- parser.add_argument('--batch-size', type=int, default=1)
- parser.add_argument('--num-workers', type=int, default=1)
- parser.add_argument('--out-dir', type=str, default='results')
- parser.add_argument('--seed', type=int, default=0)
- parser.add_argument('--model-path', type=str, default='hf/BAGEL-7B-MoT/')
- args = parser.parse_args()
-
- if not os.path.exists(args.out_dir):
- os.makedirs(args.out_dir, exist_ok=True)
-
- args.datasets = args.datasets.split(',')
- print('datasets:', args.datasets)
- assert args.batch_size == 1, 'Only batch size 1 is supported'
-
- torch.distributed.init_process_group(
- backend='nccl',
- world_size=int(os.getenv('WORLD_SIZE', '1')),
- rank=int(os.getenv('RANK', '0')),
- )
-
- torch.cuda.set_device(int(os.getenv('LOCAL_RANK', 0)))
-
- model, tokenizer, new_token_ids = load_model_and_tokenizer(args)
- image_transform = build_transform()
-
- total_params = sum(p.numel() for p in model.parameters()) / 1e9
- print(f'[test] total_params: {total_params}B')
-
- evaluate_chat_model()
diff --git a/eval/vlm/eval/mmmu/evaluate_mmmu_cot.py b/eval/vlm/eval/mmmu/evaluate_mmmu_cot.py
deleted file mode 100644
index cbfe93d4b270f7b3d06c0412ac7efe096a31ceea..0000000000000000000000000000000000000000
--- a/eval/vlm/eval/mmmu/evaluate_mmmu_cot.py
+++ /dev/null
@@ -1,252 +0,0 @@
-# Copyright (c) 2023 OpenGVLab
-# Copyright (c) 2025 Bytedance Ltd. and/or its affiliates.
-# SPDX-License-Identifier: MIT
-#
-# This file has been modified by ByteDance Ltd. and/or its affiliates. on 2025-05-20.
-#
-# Original file was released under MIT, with the full license text
-# available at https://github.com/OpenGVLab/InternVL/blob/main/LICENSE.
-#
-# This modified file is released under the same license.
-
-import argparse
-import json
-import os
-import random
-
-import torch
-from .data_utils import CAT_SHORT2LONG, process_single_sample
-from datasets import concatenate_datasets, load_dataset
-from eval.vlm.utils import load_model_and_tokenizer, build_transform, process_conversation
-from PIL import Image
-from tqdm import tqdm
-
-ds_collections = {
- 'MMMU_validation_cot': {
- 'root': 'MMMU/MMMU',
- 'max_new_tokens': 16384,
- 'min_new_tokens': 1,
- 'split': 'validation'
- },
-}
-
-COT_INSTRUCTION = (
- 'Your task is to answer the question below. '
- "Give step by step reasoning before you answer, and when you're ready to answer, "
- "please use the format \"Final answer: ..\""
- '\n\n'
- 'Question:'
- '\n\n'
- '{question}'
-)
-
-COT_OPEN_INSTRUCTION = (
- 'Question: {question}'
-)
-
-COT_MC_INSTRUCTION = (
- 'Question: {question} Options: {options}\n'
- 'Try to reason about the question step by step to help you get the correct answer. '
- 'You might find that sometimes no reasoning is needed if the answer is straightforward. '
- 'Sometimes listing out a few reasoning steps will be helpful. '
- 'In any case, please keep the reasoning concise.\n\n'
-
- 'First, please describe what is included in the image. '
- 'Then, respond with your reason first and output the final answer in the format "Final Answer: " where is the single correct letter choice A, B, C, D, E, F, etc, when options are provided. '
- 'If you find that your reasoning lead to none of the choice, reject your reasoning and choose the most likely answer. '
- 'You have to answer with one of the choices. If no options are provided, is your answer. '
- 'If you would like to skip reasoning, just directly output the "Final Answer" part.'
-)
-
-COT_OPEN_INSTRUCTION_V2 = (
- "You should first think about the reasoning process in the mind and then provide the user with the answer. The reasoning process is enclosed within tags, i.e. reasoning process here answer here." +\
- "{question}" + "\nAnswer the question using a single word or phrase."
-)
-
-COT_MC_INSTRUCTION_V2 = (
- "You should first think about the reasoning process in the mind and then provide the user with the answer. The reasoning process is enclosed within tags, i.e. reasoning process here answer here." +\
- "Question: {question} Options: {options} " + "\nAnswer with the option's letter from the given choices directly."
-)
-
-
-def collate_fn(batches):
- questions = [_['question'] for _ in batches]
- images = [_['images'] for _ in batches]
- conversation = [_['conversation'] for _ in batches]
- answers = [_['answer'] for _ in batches]
- data_ids = [_['data_id'] for _ in batches]
- options = [_['option'] for _ in batches]
- return questions, images, conversation, answers, data_ids, options
-
-
-class MMMUDataset(torch.utils.data.Dataset):
-
- def __init__(self, root, split):
- # run for each subject
- sub_dataset_list = []
- for subject in tqdm(CAT_SHORT2LONG.values()):
- sub_dataset = load_dataset(root, subject, split=split, cache_dir=os.path.join(os.getcwd(), 'eval/vlm/data/MMMU/'))
- sub_dataset_list.append(sub_dataset)
-
- # merge all dataset
- self.data = concatenate_datasets(sub_dataset_list)
-
- def __len__(self):
- return len(self.data)
-
- def __getitem__(self, idx):
-
- data = process_single_sample(self.data[idx])
- data_id = data['id']
- question = data['question'].strip()
- pil_images = data['image']
- question_type = data['question_type'] # "open", "multiple-choice"
-
- choices = eval(data['options'])
- answer = data['answer'] if 'answer' in data else None
-
- choice_list = []
- options = {}
- multiple_choices = ['A', 'B', 'C', 'D', 'E', 'F', 'G', 'H', 'I', 'J', 'K', 'L', 'M']
- for i, c in enumerate(choices):
- choice_list.append('{}. {}'.format(multiple_choices[i], c.strip()))
- options[multiple_choices[i]] = c.strip()
- choice_txt = '\n'.join(choice_list)
- images = []
- for idx, pil_image in enumerate(pil_images):
- if pil_image is not None:
- if idx == 0:
- pil_image = pil_image.resize((pil_image.width * 2, pil_image.height * 2), Image.BILINEAR)
- images.append(pil_image)
-
- if len(choice_txt) > 0:
- question = COT_MC_INSTRUCTION_V2.format(question=question.strip(), options=choice_txt.strip())
- else:
- question = COT_OPEN_INSTRUCTION_V2.format(question=question.strip())
-
- # NOTE: Do not add since has been added
- # question = "" * len(images) + "\n" + question
-
- images, conversation = process_conversation(images, question)
-
- return {
- 'question': question,
- 'images': images,
- 'conversation': conversation,
- 'answer': answer,
- 'option': options,
- 'data_id': data_id
- }
-
-
-class InferenceSampler(torch.utils.data.sampler.Sampler):
-
- def __init__(self, size):
- self._size = int(size)
- assert size > 0
- self._rank = torch.distributed.get_rank()
- self._world_size = torch.distributed.get_world_size()
- self._local_indices = self._get_local_indices(size, self._world_size, self._rank)
-
- @staticmethod
- def _get_local_indices(total_size, world_size, rank):
- shard_size = total_size // world_size
- left = total_size % world_size
- shard_sizes = [shard_size + int(r < left) for r in range(world_size)]
-
- begin = sum(shard_sizes[:rank])
- end = min(sum(shard_sizes[:rank + 1]), total_size)
- return range(begin, end)
-
- def __iter__(self):
- yield from self._local_indices
-
- def __len__(self):
- return len(self._local_indices)
-
-
-def evaluate_chat_model():
- random.seed(args.seed)
- output_path = os.path.join(args.out_dir, "results.jsonl")
-
- processed_ids = set()
- if os.path.exists(output_path):
- with open(output_path) as f:
- lines = f.readlines()
- for line in lines:
- processed_ids.add(json.loads(line)["data_id"])
-
- writer = open(output_path, 'a')
-
- for ds_name in args.datasets:
- dataset = MMMUDataset(
- root=ds_collections[ds_name]['root'],
- split=ds_collections[ds_name]['split'],
- )
- dataloader = torch.utils.data.DataLoader(
- dataset=dataset,
- sampler=InferenceSampler(len(dataset)),
- batch_size=args.batch_size,
- num_workers=args.num_workers,
- pin_memory=True,
- drop_last=False,
- collate_fn=collate_fn,
- )
-
- for _, (questions, images, conversation, answers, data_ids, options) in tqdm(enumerate(dataloader)):
- if data_ids[0] in processed_ids:
- continue
-
- pred = model.chat(
- tokenizer,
- new_token_ids,
- image_transform,
- images=images[0], # batch=1
- prompt=conversation[0], # batch=1
- max_length=ds_collections[ds_name]['max_new_tokens'], # TODO: how to use ds_collections[ds_name]['min_new_tokens']
- )
- preds = [pred.strip()]
-
- for question, pred, answer, data_id in zip(questions, preds, answers, data_ids):
- cur_output = {
- 'question': question,
- 'answer': pred,
- 'gt_answers': answer,
- 'data_id': data_id
- }
- writer.write(json.dumps(cur_output) + '\n')
-
- writer.close()
-
-if __name__ == '__main__':
- parser = argparse.ArgumentParser()
- parser.add_argument('--datasets', type=str, default='MMMU_validation')
- parser.add_argument('--batch-size', type=int, default=1)
- parser.add_argument('--num-workers', type=int, default=1)
- parser.add_argument('--out-dir', type=str, default='results')
- parser.add_argument('--seed', type=int, default=0)
- parser.add_argument('--model-path', type=str, default='hf/BAGEL-7B-MoT/')
- args = parser.parse_args()
-
- if not os.path.exists(args.out_dir):
- os.makedirs(args.out_dir, exist_ok=True)
-
- args.datasets = args.datasets.split(',')
- print('datasets:', args.datasets)
- assert args.batch_size == 1, 'Only batch size 1 is supported'
-
- torch.distributed.init_process_group(
- backend='nccl',
- world_size=int(os.getenv('WORLD_SIZE', '1')),
- rank=int(os.getenv('RANK', '0')),
- )
-
- torch.cuda.set_device(int(os.getenv('LOCAL_RANK', 0)))
-
- model, tokenizer, new_token_ids = load_model_and_tokenizer(args)
- image_transform = build_transform()
-
- total_params = sum(p.numel() for p in model.parameters()) / 1e9
- print(f'[test] total_params: {total_params}B')
-
- evaluate_chat_model()
diff --git a/eval/vlm/eval/mmmu/main_eval_only.py b/eval/vlm/eval/mmmu/main_eval_only.py
deleted file mode 100644
index 8029d690c49f94e234151aa37ddb24c5d461e7dd..0000000000000000000000000000000000000000
--- a/eval/vlm/eval/mmmu/main_eval_only.py
+++ /dev/null
@@ -1,113 +0,0 @@
-# Copyright (c) 2023 OpenGVLab
-# Copyright (c) 2025 Bytedance Ltd. and/or its affiliates.
-# SPDX-License-Identifier: MIT
-#
-# This file has been modified by ByteDance Ltd. and/or its affiliates. on 2025-05-20.
-#
-# Original file was released under MIT, with the full license text
-# available at https://github.com/OpenGVLab/InternVL/blob/main/LICENSE.
-#
-# This modified file is released under the same license.
-
-"""Parse and Evalate"""
-import os
-import json
-from argparse import ArgumentParser
-
-from .data_utils import CAT_SHORT2LONG, DOMAIN_CAT2SUB_CAT, save_json
-from .eval_utils import calculate_ins_level_acc, evaluate, parse_open_response
-
-if __name__ == '__main__':
-
- parser = ArgumentParser()
- parser.add_argument('--output_path', type=str, default='./example_outputs/qwen_vl/total_val_output.json',
- help='The path to model output file.')
- parser.add_argument('--answer_path', type=str, default='./answer_dict_val.json', help='Answer file path.')
- parser.add_argument('--out-dir', type=str, default='results')
- args = parser.parse_args()
-
- output_dict = json.load(open(args.output_path))
- answer_dict = json.load(open(args.answer_path))
-
- # group by category
- output_dict_w_cat = {}
- for data_id, parsed_pred in output_dict.items():
- category = '_'.join(data_id.split('_')[1:-1])
- if category not in output_dict_w_cat:
- output_dict_w_cat.update({category: {}})
- output_dict_w_cat[category].update({data_id: parsed_pred})
-
- # group by category
- answer_dict_w_cat = {}
- for data_id, parsed_pred in answer_dict.items():
- category = '_'.join(data_id.split('_')[1:-1])
- if category not in answer_dict_w_cat:
- answer_dict_w_cat.update({category: {}})
- answer_dict_w_cat[category].update({data_id: parsed_pred})
-
- evaluation_result = {}
-
- for category in CAT_SHORT2LONG.values():
- print('Evaluating: {}'.format(category))
- # get cat_outputs and cat_answers
- try:
- cat_outputs = output_dict_w_cat[category]
- cat_answers = answer_dict_w_cat[category]
- except KeyError:
- print('Skipping {} for not found'.format(category))
- continue
-
- exampels_to_eval = []
- for data_id, parsed_pred in cat_outputs.items():
- question_type = cat_answers[data_id]['question_type']
- if question_type != 'multiple-choice':
- parsed_pred = parse_open_response(parsed_pred) # mainly for type consistency (make it number, etc.)
- else:
- parsed_pred = parsed_pred
-
- exampels_to_eval.append({
- 'id': data_id,
- 'question_type': question_type,
- 'answer': cat_answers[data_id]['ground_truth'],
- 'parsed_pred': parsed_pred
- })
-
- judge_dict, metric_dict = evaluate(exampels_to_eval)
- metric_dict.update({'num_example': len(exampels_to_eval)})
-
- evaluation_result[category] = metric_dict
-
- printable_results = {}
- # pdb.set_trace()
- # add domain Subject
- for domain, in_domain_cats in DOMAIN_CAT2SUB_CAT.items():
- in_domain_cat_results = {}
- for cat_name in in_domain_cats: # use the order in DOMAIN_CAT2SUB_CAT
- if cat_name in evaluation_result.keys():
- in_domain_cat_results[cat_name] = evaluation_result[cat_name]
- else:
- pass
- in_domain_ins_acc = calculate_ins_level_acc(in_domain_cat_results)
- in_domain_data_num = sum([cat_results['num_example'] for cat_results in in_domain_cat_results.values()])
- printable_results['Overall-' + domain] = {'num': int(in_domain_data_num),
- 'acc': round(in_domain_ins_acc, 3)
- }
- # add sub category
- for cat_name, cat_results in in_domain_cat_results.items():
- printable_results[cat_name] = {'num': int(cat_results['num_example']),
- 'acc': round(cat_results['acc'], 3)
- }
-
- # table.append(["-----------------------------", "-----", "----"])
- all_ins_acc = calculate_ins_level_acc(evaluation_result)
- printable_results['Overall'] = {
- 'num': sum([cat_results['num_example'] for cat_results in evaluation_result.values()]),
- 'acc': round(all_ins_acc, 3)}
-
- print(printable_results)
- writer = open(os.path.join(args.out_dir, "results.txt"), 'w')
- print(f"write results to file {os.path.join(args.out_dir, 'results.txt')}")
- for key, value in printable_results.items():
- line = f'{key}: num={value["num"]}, acc={value["acc"]}\n'
- writer.write(line)
- writer.close()
diff --git a/eval/vlm/eval/mmvet/evaluate_mmvet.py b/eval/vlm/eval/mmvet/evaluate_mmvet.py
deleted file mode 100644
index bc95958e3e875174eae05f5c9e244eae5b6364de..0000000000000000000000000000000000000000
--- a/eval/vlm/eval/mmvet/evaluate_mmvet.py
+++ /dev/null
@@ -1,112 +0,0 @@
-# Copyright (c) 2023 OpenGVLab
-# Copyright (c) 2025 Bytedance Ltd. and/or its affiliates.
-# SPDX-License-Identifier: MIT
-#
-# This file has been modified by ByteDance Ltd. and/or its affiliates. on 2025-05-20.
-#
-# Original file was released under MIT, with the full license text
-# available at https://github.com/OpenGVLab/InternVL/blob/main/LICENSE.
-#
-# This modified file is released under the same license.
-
-import argparse
-import json
-import os
-import random
-
-import torch
-from eval.vlm.utils import load_model_and_tokenizer, build_transform, process_conversation
-from PIL import Image
-from tqdm import tqdm
-
-ds_collections = {
- 'mmvet': {
- 'root': 'eval/vlm/data/mm-vet/images',
- 'question': 'eval/vlm/data/mm-vet/llava-mm-vet.jsonl',
- 'metric': None,
- 'max_new_tokens': 1000,
- 'min_new_tokens': 1,
- }
-}
-
-
-class VQADataset(torch.utils.data.Dataset):
-
- def __init__(self, root, data, prompt):
- self.root = root
- self.data = open(data).readlines()
- self.prompt = prompt
-
- def __len__(self):
- return len(self.data)
-
- def __getitem__(self, idx):
- data = json.loads(self.data[idx].strip())
- image, question, question_id, annotation = data['image'], data[
- 'text'], data['question_id'], data.get('answer', None)
-
- image = os.path.join(self.root, image)
- image = Image.open(image).convert('RGB')
- images = [image]
-
- question = question + ' ' + self.prompt
-
- images, conversation = process_conversation(images, question)
-
- return question_id, question, images, conversation, annotation
-
-
-def evaluate_chat_model():
- random.seed(args.seed)
- prompt = ''
-
- for ds_name in args.datasets:
- dataset = VQADataset(
- root=ds_collections[ds_name]['root'],
- data=ds_collections[ds_name]['question'],
- prompt=prompt,
- )
-
- outputs = {}
- for _, (question_id, question, images, conversation, annotations) in tqdm(enumerate(dataset)):
- pred = model.chat(
- tokenizer,
- new_token_ids,
- image_transform,
- images=images,
- prompt=conversation,
- max_length=ds_collections[ds_name]['max_new_tokens'], # TODO: how to use ds_collections[ds_name]['min_new_tokens']
- )
-
- outputs[f'v1_{question_id}'] = pred
-
- print(f'Evaluating {ds_name} ...')
- results_file = os.path.join(args.out_dir, 'results.json')
- json.dump(outputs, open(results_file, 'w'))
- print('Results saved to {}'.format(results_file))
-
-
-if __name__ == '__main__':
- parser = argparse.ArgumentParser()
- parser.add_argument('--datasets', type=str, default='mmvet')
- parser.add_argument('--batch-size', type=int, default=1)
- parser.add_argument('--num-workers', type=int, default=1)
- parser.add_argument('--out-dir', type=str, default='results')
- parser.add_argument('--seed', type=int, default=0)
- parser.add_argument('--model-path', type=str, default='hf/BAGEL-7B-MoT/')
- args = parser.parse_args()
-
- if not os.path.exists(args.out_dir):
- os.makedirs(args.out_dir, exist_ok=True)
-
- args.datasets = args.datasets.split(',')
- print('datasets:', args.datasets)
- assert args.batch_size == 1, 'Only batch size 1 is supported'
-
- model, tokenizer, new_token_ids = load_model_and_tokenizer(args)
- image_transform = build_transform()
-
- total_params = sum(p.numel() for p in model.parameters()) / 1e9
- print(f'[test] total_params: {total_params}B')
-
- evaluate_chat_model()
diff --git a/eval/vlm/eval/mmvp/evaluate_mmvp.py b/eval/vlm/eval/mmvp/evaluate_mmvp.py
deleted file mode 100644
index ac100c615bf8fa18fc97c1f20654383a5d6859e3..0000000000000000000000000000000000000000
--- a/eval/vlm/eval/mmvp/evaluate_mmvp.py
+++ /dev/null
@@ -1,258 +0,0 @@
-# Copyright (c) 2023 OpenGVLab
-# Copyright (c) 2025 Bytedance Ltd. and/or its affiliates.
-# SPDX-License-Identifier: MIT
-#
-# This file has been modified by ByteDance Ltd. and/or its affiliates. on 2025-05-20.
-#
-# Original file was released under MIT, with the full license text
-# available at https://github.com/OpenGVLab/InternVL/blob/main/LICENSE.
-#
-# This modified file is released under the same license.
-
-import argparse
-import csv
-import itertools
-import json
-import os
-import random
-
-import torch
-from eval.vlm.utils import load_model_and_tokenizer, build_transform, process_conversation
-from PIL import Image
-from tqdm import tqdm
-
-ds_collections = {
- 'MMVP': {
- 'root': 'eval/vlm/data/MMVP',
- 'max_new_tokens': 100,
- 'min_new_tokens': 1,
- },
-}
-
-
-def collate_fn(batches):
- questions = [_['question'] for _ in batches]
- images = [_['images'] for _ in batches]
- conversations = [_['conversations'] for _ in batches]
- answers = [_['answer'] for _ in batches]
- data_ids = [_['data_id'] for _ in batches]
- options = [_['option'] for _ in batches]
- return questions, images, conversations, answers, data_ids, options
-
-
-class MMVPDataset(torch.utils.data.Dataset):
-
- def __init__(self, root, prompt):
- # run for each subject
- meta_path = os.path.join(root, 'Questions.csv')
- with open(meta_path, 'r') as file:
- csv_reader = csv.DictReader(file)
- data = [row for row in csv_reader]
-
- self.data = data
- self.root = root
- self.prompt = prompt
-
- def __len__(self):
- return len(self.data)
-
- def __getitem__(self, idx):
- data = self.data[idx]
- data_id = data['lndex'] if 'lndex' in data else data['Index']
- question = data['Question']
- image = os.path.join(self.root + '/MMVP Images', data_id + '.jpg')
- image = Image.open(image).convert('RGB')
-
- options = data['Options'].split('(b)')
- options[0] = options[0].replace('(a)', '').strip()
- options[1] = options[1].replace('(b)', '').strip()
-
- answer = data['Correct Answer'] if 'Correct Answer' in data else None
- answer = answer.replace('(a)', 'A').replace('(b)', 'B').replace('(c)', 'C').replace('(d)', 'D')
- choice_list = []
- new_options = {}
- multiple_choices = ['A', 'B', 'C', 'D']
- for i, c in enumerate(options):
- choice_list.append('{}. {}'.format(multiple_choices[i], c.strip()))
- new_options[multiple_choices[i]] = c.strip()
- choice_txt = '\n'.join(choice_list)
-
- images = [image]
-
- if len(choice_txt) > 0:
- question += '\n' + choice_txt
- question += '\n' + self.prompt
-
- images, conversation = process_conversation(images, question)
-
- return {
- 'question': question,
- 'images': images,
- 'conversations': conversation,
- 'answer': answer,
- 'option': new_options,
- 'data_id': data_id
- }
-
-
-class InferenceSampler(torch.utils.data.sampler.Sampler):
-
- def __init__(self, size):
- self._size = int(size)
- assert size > 0
- self._rank = torch.distributed.get_rank()
- self._world_size = torch.distributed.get_world_size()
- self._local_indices = self._get_local_indices(size, self._world_size, self._rank)
-
- @staticmethod
- def _get_local_indices(total_size, world_size, rank):
- shard_size = total_size // world_size
- left = total_size % world_size
- shard_sizes = [shard_size + int(r < left) for r in range(world_size)]
-
- begin = sum(shard_sizes[:rank])
- end = min(sum(shard_sizes[:rank + 1]), total_size)
- return range(begin, end)
-
- def __iter__(self):
- yield from self._local_indices
-
- def __len__(self):
- return len(self._local_indices)
-
-
-def post_process(pred, option):
- pred = pred.strip()
- option_candidate = list(option.keys())
- if len(pred) == 1:
- return pred
- elif len(pred) != 1 and pred[0] in option_candidate:
- return pred[0]
- elif len(pred) != 1 and pred[0] not in option_candidate:
- for k, v in option.items():
- if v in pred:
- return k
-
- return pred
-
-
-def evaluate_chat_model():
- prompt = "Answer with the option's letter from the given choices directly."
- random.seed(args.seed)
-
- for ds_name in args.datasets:
- dataset = MMVPDataset(
- root=ds_collections[ds_name]['root'], # hf dataset path.
- prompt=prompt,
- )
- dataloader = torch.utils.data.DataLoader(
- dataset=dataset,
- sampler=InferenceSampler(len(dataset)),
- batch_size=args.batch_size,
- num_workers=args.num_workers,
- pin_memory=True,
- drop_last=False,
- collate_fn=collate_fn,
- )
-
- outputs = []
- for _, (questions, images, conversations, answers, data_ids, options) in tqdm(enumerate(dataloader)):
- pred = model.chat(
- tokenizer,
- new_token_ids,
- image_transform,
- images=images[0], # batch=1
- prompt=conversations[0], # batch=1
- max_length=ds_collections[ds_name]['max_new_tokens'], # TODO: how to use ds_collections[ds_name]['min_new_tokens']
- )
-
- if len(options[0]) == 0:
- preds = [pred]
- else:
- preds = [post_process(pred, options[0])]
-
- for question, pred, answer, data_id in zip(questions, preds, answers, data_ids):
- outputs.append({
- 'question': question,
- 'answer': pred,
- 'gt_answers': answer,
- 'data_id': data_id
- })
-
- torch.distributed.barrier()
-
- world_size = torch.distributed.get_world_size()
- merged_outputs = [None for _ in range(world_size)]
- torch.distributed.all_gather_object(merged_outputs, json.dumps(outputs))
-
- merged_outputs = [json.loads(_) for _ in merged_outputs]
- merged_outputs = [_ for _ in itertools.chain.from_iterable(merged_outputs)]
-
- if torch.distributed.get_rank() == 0:
- print(f'Evaluating {ds_name} ...')
- results_file = 'results.jsonl'
- output_path = os.path.join(args.out_dir, results_file)
- writer = open(output_path, 'w')
-
- num_correct, num_total = 0, 0
- index, round_correct = 0, 0
- for item in merged_outputs:
- writer.write(json.dumps(item) + '\n')
- answer = item['answer']
- gt_answer = item['gt_answers']
-
- index += 1
-
- if answer == gt_answer:
- round_correct += 1
- if index == 2:
- index = 0
- if round_correct == 2:
- num_correct += 1
- round_correct = 0
-
- num_total += 1
-
- writer.close()
- print('Results saved to {}'.format(output_path))
- print(f'The accuracy is {num_correct/num_total}')
-
- results_file = 'results.txt'
- output_path = os.path.join(args.out_dir, results_file)
- writer = open(output_path, 'w')
- writer.write(f'The accuracy is {num_correct/num_total}')
- writer.close()
-
-
-if __name__ == '__main__':
- parser = argparse.ArgumentParser()
- parser.add_argument('--datasets', type=str, default='MMVP')
- parser.add_argument('--batch-size', type=int, default=1)
- parser.add_argument('--num-workers', type=int, default=1)
- parser.add_argument('--out-dir', type=str, default='results')
- parser.add_argument('--seed', type=int, default=0)
- parser.add_argument('--model-path', type=str, default='hf/BAGEL-7B-MoT/')
- args = parser.parse_args()
-
- if not os.path.exists(args.out_dir):
- os.makedirs(args.out_dir, exist_ok=True)
-
- args.datasets = args.datasets.split(',')
- print('datasets:', args.datasets)
- assert args.batch_size == 1, 'Only batch size 1 is supported'
-
- torch.distributed.init_process_group(
- backend='nccl',
- world_size=int(os.getenv('WORLD_SIZE', '1')),
- rank=int(os.getenv('RANK', '0')),
- )
-
- torch.cuda.set_device(int(os.getenv('LOCAL_RANK', 0)))
-
- model, tokenizer, new_token_ids = load_model_and_tokenizer(args)
- image_transform = build_transform()
-
- total_params = sum(p.numel() for p in model.parameters()) / 1e9
- print(f'[test] total_params: {total_params}B')
-
- evaluate_chat_model()
diff --git a/eval/vlm/eval/pope/eval_pope.py b/eval/vlm/eval/pope/eval_pope.py
deleted file mode 100644
index 7ee10efcd296a707b3491b817aa9ddba2cb4f42b..0000000000000000000000000000000000000000
--- a/eval/vlm/eval/pope/eval_pope.py
+++ /dev/null
@@ -1,120 +0,0 @@
-# Copyright (c) 2023 OpenGVLab
-# Copyright (c) 2025 Bytedance Ltd. and/or its affiliates.
-# SPDX-License-Identifier: MIT
-#
-# This file has been modified by ByteDance Ltd. and/or its affiliates. on 2025-05-20.
-#
-# Original file was released under MIT, with the full license text
-# available at https://github.com/OpenGVLab/InternVL/blob/main/LICENSE.
-#
-# This modified file is released under the same license.
-
-import argparse
-import json
-import os
-import numpy as np
-
-
-def eval_pope(answers, label_file):
- label_list = [json.loads(q)['label'] for q in open(label_file, 'r')]
-
- for answer in answers:
- text = answer['text']
-
- # Only keep the first sentence
- if text.find('.') != -1:
- text = text.split('.')[0]
-
- text = text.replace(',', '')
- words = text.split(' ')
- if 'No' in words or 'not' in words or 'no' in words:
- answer['text'] = 'no'
- else:
- answer['text'] = 'yes'
-
- for i in range(len(label_list)):
- if label_list[i] == 'no':
- label_list[i] = 0
- else:
- label_list[i] = 1
-
- pred_list = []
- for answer in answers:
- if answer['text'] == 'no':
- pred_list.append(0)
- else:
- pred_list.append(1)
-
- pos = 1
- neg = 0
- yes_ratio = pred_list.count(1) / len(pred_list)
-
- TP, TN, FP, FN = 0, 0, 0, 0
- for pred, label in zip(pred_list, label_list):
- if pred == pos and label == pos:
- TP += 1
- elif pred == pos and label == neg:
- FP += 1
- elif pred == neg and label == neg:
- TN += 1
- elif pred == neg and label == pos:
- FN += 1
-
- ret_message = ""
- print('TP\tFP\tTN\tFN\t')
- print('{}\t{}\t{}\t{}'.format(TP, FP, TN, FN))
- ret_message += 'TP\tFP\tTN\tFN\t\n'
- ret_message += '{}\t{}\t{}\t{}\n'.format(TP, FP, TN, FN)
-
- precision = float(TP) / float(TP + FP)
- recall = float(TP) / float(TP + FN)
- f1 = 2 * precision * recall / (precision + recall)
- acc = (TP + TN) / (TP + TN + FP + FN)
- print('Accuracy: {}'.format(acc))
- print('Precision: {}'.format(precision))
- print('Recall: {}'.format(recall))
- print('F1 score: {}'.format(f1))
- print('Yes ratio: {}'.format(yes_ratio))
- print('%.3f, %.3f, %.3f, %.3f, %.3f' % (f1, acc, precision, recall, yes_ratio))
-
- ret_message += 'Accuracy: {}\n'.format(acc)
- ret_message += 'Precision: {}\n'.format(precision)
- ret_message += 'Recall: {}\n'.format(recall)
- ret_message += 'F1 score: {}\n'.format(f1)
- ret_message += 'Yes ratio: {}\n'.format(yes_ratio)
- ret_message += '%.3f, %.3f, %.3f, %.3f, %.3f\n' % (f1, acc, precision, recall, yes_ratio)
- return f1, ret_message
-
-
-if __name__ == '__main__':
- parser = argparse.ArgumentParser()
- parser.add_argument('--annotation-dir', type=str)
- parser.add_argument('--question-file', type=str)
- parser.add_argument('--result-file', type=str)
- parser.add_argument('--out-dir', type=str)
- args = parser.parse_args()
-
- questions = [json.loads(line) for line in open(args.question_file)]
- questions = {question['question_id']: question for question in questions}
- answers = json.loads(open(args.result_file).read())
- avg_f1 = []
- ret_message = ""
- for file in os.listdir(args.annotation_dir):
- assert file.startswith('coco_pope_')
- assert file.endswith('.json')
- category = file[10:-5]
- cur_answers = [x for x in answers if questions[x['question_id']]['category'] == category]
- print('Category: {}, # samples: {}'.format(category, len(cur_answers)))
- ret_message += 'Category: {}, # samples: {}\n'.format(category, len(cur_answers))
- f1, ret = eval_pope(cur_answers, os.path.join(args.annotation_dir, file))
- ret_message += ret
- print('====================================')
- ret_message += '====================================\n'
- avg_f1.append(f1)
- print(f"Avg F1 score: {np.array(avg_f1).mean()}")
- ret_message += f"Avg F1 score: {np.array(avg_f1).mean()}\n"
-
- writer = open(os.path.join(args.out_dir, "results.txt"), 'w')
- print(f"write results to file {os.path.join(args.out_dir, 'results.txt')}")
- writer.write(ret_message)
- writer.close()
diff --git a/eval/vlm/eval/pope/evaluate_pope.py b/eval/vlm/eval/pope/evaluate_pope.py
deleted file mode 100644
index 4132e0283211a4ce633ee815d61c576ce9a69f37..0000000000000000000000000000000000000000
--- a/eval/vlm/eval/pope/evaluate_pope.py
+++ /dev/null
@@ -1,231 +0,0 @@
-# Copyright (c) 2023 OpenGVLab
-# Copyright (c) 2025 Bytedance Ltd. and/or its affiliates.
-# SPDX-License-Identifier: MIT
-#
-# This file has been modified by ByteDance Ltd. and/or its affiliates. on 2025-05-20.
-#
-# Original file was released under MIT, with the full license text
-# available at https://github.com/OpenGVLab/InternVL/blob/main/LICENSE.
-#
-# This modified file is released under the same license.
-
-import argparse
-import itertools
-import json
-import os
-import random
-import re
-
-import torch
-from eval.vlm.utils import load_model_and_tokenizer, build_transform, process_conversation
-from PIL import Image
-from tqdm import tqdm
-
-ds_collections = {
- 'pope': {
- 'root': 'eval/vlm/data/pope/val2014',
- 'question': 'eval/vlm/data/pope/llava_pope_test.jsonl',
- 'metric': None,
- 'max_new_tokens': 100,
- 'min_new_tokens': 1,
- },
- 'pope_cot': {
- 'root': 'eval/vlm/data/pope/val2014',
- 'question': 'eval/vlm/data/pope/llava_pope_test.jsonl',
- 'metric': None,
- 'max_new_tokens': 1000,
- 'min_new_tokens': 1,
- }
-}
-
-
-COT_INSTRUCTION = (
- 'Your task is to answer the question below. '
- "Give step by step reasoning before you answer, and when you're ready to answer, "
- "please use the format \"Final answer: ..\""
- '\n\n'
- 'Question:'
- '\n\n'
- '{question}'
-)
-
-
-def extract_answer(text):
- match = re.search(r'(Final answer:|Answer:)\s*(.*)', text, re.IGNORECASE)
- if match:
- return match.group(2).strip()
- return text
-
-
-def collate_fn(batches):
- questions = [_['question'] for _ in batches]
- images = [_['images'] for _ in batches]
- conversations = [_['conversations'] for _ in batches]
- question_ids = [_['question_id'] for _ in batches]
- annotations = [_['annotation'] for _ in batches]
-
- return questions, images, conversations, question_ids, annotations
-
-
-class VQADataset(torch.utils.data.Dataset):
-
- def __init__(self, root, data, prompt):
- self.root = root
- self.data = open(data).readlines()
- self.prompt = prompt
-
- def __len__(self):
- return len(self.data)
-
- def __getitem__(self, idx):
- data = json.loads(self.data[idx].strip())
- image, question, question_id, annotation = data['image'], data[
- 'text'], data['question_id'], data.get('answer', None)
-
- image = os.path.join(self.root, image)
- image = Image.open(image).convert('RGB')
- images = [image]
-
- llava_prompt = 'Answer the question using a single word or phrase.'
- assert llava_prompt in question
- question = question.replace(llava_prompt, self.prompt).strip()
-
- if args.cot:
- question = COT_INSTRUCTION.format(question=question)
-
- images, conversation = process_conversation(images, question)
-
- return {
- 'question_id': question_id,
- 'question': question,
- 'images': images,
- 'conversations': conversation,
- 'annotation': annotation
- }
-
-
-class InferenceSampler(torch.utils.data.sampler.Sampler):
-
- def __init__(self, size):
- self._size = int(size)
- assert size > 0
- self._rank = torch.distributed.get_rank()
- self._world_size = torch.distributed.get_world_size()
- self._local_indices = self._get_local_indices(size, self._world_size, self._rank)
-
- @staticmethod
- def _get_local_indices(total_size, world_size, rank):
- shard_size = total_size // world_size
- left = total_size % world_size
- shard_sizes = [shard_size + int(r < left) for r in range(world_size)]
-
- begin = sum(shard_sizes[:rank])
- end = min(sum(shard_sizes[:rank + 1]), total_size)
- return range(begin, end)
-
- def __iter__(self):
- yield from self._local_indices
-
- def __len__(self):
- return len(self._local_indices)
-
-
-def evaluate_chat_model():
- prompt = '' if args.cot else 'Answer the question using a single word or phrase.'
- random.seed(args.seed)
-
- for ds_name in args.datasets:
- dataset = VQADataset(
- root=ds_collections[ds_name]['root'],
- data=ds_collections[ds_name]['question'],
- prompt=prompt,
- )
- dataloader = torch.utils.data.DataLoader(
- dataset=dataset,
- sampler=InferenceSampler(len(dataset)),
- batch_size=args.batch_size,
- num_workers=args.num_workers,
- pin_memory=True,
- drop_last=False,
- collate_fn=collate_fn,
- )
-
- outputs = []
- for _, (questions, images, conversations, question_ids, annotations) in tqdm(enumerate(dataloader)):
- pred = model.chat(
- tokenizer,
- new_token_ids,
- image_transform,
- images=images[0], # batch=1
- prompt=conversations[0], # batch=1
- max_length=ds_collections[ds_name]['max_new_tokens'], # TODO: how to use ds_collections[ds_name]['min_new_tokens']
- )
- pred_orig = pred
- if args.cot:
- pred = extract_answer(pred).strip()
- answers = [pred]
-
- for question_id, answer, annotation in zip(question_ids, answers, annotations):
- outputs.append({
- 'question_id': question_id,
- 'text': pred,
- 'text_orig': pred_orig,
- 'metadata': {},
- })
-
- torch.distributed.barrier()
-
- world_size = torch.distributed.get_world_size()
- merged_outputs = [None for _ in range(world_size)]
- torch.distributed.all_gather_object(merged_outputs, json.dumps(outputs))
-
- merged_outputs = [json.loads(_) for _ in merged_outputs]
- merged_outputs = [_ for _ in itertools.chain.from_iterable(merged_outputs)]
-
- if torch.distributed.get_rank() == 0:
- print(f'Evaluating {ds_name} ...')
- results_file = os.path.join(args.out_dir, 'results.json')
- json.dump(merged_outputs, open(results_file, 'w'))
- print('Results saved to {}'.format(results_file))
- cmd = 'python eval/vlm/eval/pope/eval_pope.py ' \
- '--annotation-dir eval/vlm/data/pope/coco ' \
- '--question-file eval/vlm/data/pope/llava_pope_test.jsonl ' \
- f'--result-file {results_file} ' \
- f'--out-dir {args.out_dir}'
- print(cmd)
- os.system(cmd)
-
-
-if __name__ == '__main__':
- parser = argparse.ArgumentParser()
- parser.add_argument('--datasets', type=str, default='pope')
- parser.add_argument('--batch-size', type=int, default=1)
- parser.add_argument('--num-workers', type=int, default=1)
- parser.add_argument('--out-dir', type=str, default='results')
- parser.add_argument('--seed', type=int, default=0)
- parser.add_argument('--model-path', type=str, default='hf/BAGEL-7B-MoT/')
- parser.add_argument('--cot', action='store_true')
- args = parser.parse_args()
-
- if not os.path.exists(args.out_dir):
- os.makedirs(args.out_dir, exist_ok=True)
-
- args.datasets = args.datasets.split(',')
- print('datasets:', args.datasets)
- assert args.batch_size == 1, 'Only batch size 1 is supported'
-
- torch.distributed.init_process_group(
- backend='nccl',
- world_size=int(os.getenv('WORLD_SIZE', '1')),
- rank=int(os.getenv('RANK', '0')),
- )
-
- torch.cuda.set_device(int(os.getenv('LOCAL_RANK', 0)))
-
- model, tokenizer, new_token_ids = load_model_and_tokenizer(args)
- image_transform = build_transform()
-
- total_params = sum(p.numel() for p in model.parameters()) / 1e9
- print(f'[test] total_params: {total_params}B')
-
- evaluate_chat_model()
diff --git a/eval/vlm/eval/vqa/evaluate_vqa.py b/eval/vlm/eval/vqa/evaluate_vqa.py
deleted file mode 100644
index 5737bb1d8d0315b00951e2d640fb3b5085301f2f..0000000000000000000000000000000000000000
--- a/eval/vlm/eval/vqa/evaluate_vqa.py
+++ /dev/null
@@ -1,516 +0,0 @@
-# Copyright (c) 2023 OpenGVLab
-# Copyright (c) 2025 Bytedance Ltd. and/or its affiliates.
-# SPDX-License-Identifier: MIT
-#
-# This file has been modified by ByteDance Ltd. and/or its affiliates. on 2025-05-20.
-#
-# Original file was released under MIT, with the full license text
-# available at https://github.com/OpenGVLab/InternVL/blob/main/LICENSE.
-#
-# This modified file is released under the same license.
-
-import argparse
-import itertools
-import json
-import os
-import random
-import subprocess
-from typing import Optional
-
-import torch
-from eval.vlm.utils import load_model_and_tokenizer, build_transform, process_conversation
-from PIL import Image
-from .textvqa_eval import TextVQAAccuracyEvaluator
-from tqdm import tqdm
-
-ds_collections = {
- 'vqav2_val': {
- 'train': 'eval/vlm/data/vqav2/vqav2_train.jsonl',
- 'test': 'eval/vlm/data/vqav2/vqav2_val.jsonl',
- 'question': 'eval/vlm/data/vqav2/v2_OpenEnded_mscoco_val2014_questions.json',
- 'annotation': 'eval/vlm/data/vqav2/v2_mscoco_val2014_annotations.json',
- 'metric': 'vqa_score',
- 'max_new_tokens': 10,
- },
- 'vqav2_testdev': {
- 'train': 'eval/vlm/data/vqav2/vqav2_train.jsonl',
- 'test': 'eval/vlm/data/vqav2/vqav2_testdev.jsonl',
- 'metric': None,
- 'max_new_tokens': 10,
- },
- 'okvqa_val': {
- 'train': 'eval/vlm/data/okvqa/okvqa_train.jsonl',
- 'test': 'eval/vlm/data/okvqa/okvqa_val.jsonl',
- 'question': 'eval/vlm/data/okvqa/OpenEnded_mscoco_val2014_questions.json',
- 'annotation': 'eval/vlm/data/okvqa/mscoco_val2014_annotations.json',
- 'metric': 'vqa_score',
- 'max_new_tokens': 10,
- },
- 'textvqa_val': {
- 'train': 'eval/vlm/data/textvqa/textvqa_train.jsonl',
- 'test': 'eval/vlm/data/textvqa/textvqa_val.jsonl',
- 'question': 'eval/vlm/data/textvqa/textvqa_val_questions.json',
- 'annotation': 'eval/vlm/data/textvqa/textvqa_val_annotations.json',
- 'metric': 'vqa_score',
- 'max_new_tokens': 10,
- },
- 'textvqa_val_ocr': {
- 'train': 'eval/vlm/data/textvqa/textvqa_train.jsonl',
- 'test': 'eval/vlm/data/textvqa/textvqa_val_llava.jsonl',
- 'question': 'eval/vlm/data/textvqa/textvqa_val_questions.json',
- 'annotation': 'eval/vlm/data/textvqa/textvqa_val_annotations.json',
- 'metric': 'vqa_score',
- 'max_new_tokens': 10,
- },
- 'vizwiz_val': {
- 'train': 'eval/vlm/data/vizwiz/vizwiz_train.jsonl',
- 'test': 'eval/vlm/data/vizwiz/vizwiz_val.jsonl',
- 'question': 'eval/vlm/data/vizwiz/vizwiz_val_questions.json',
- 'annotation': 'eval/vlm/data/vizwiz/vizwiz_val_annotations.json',
- 'metric': 'vqa_score',
- 'max_new_tokens': 10,
- },
- 'vizwiz_test': {
- 'train': 'eval/vlm/data/vizwiz/vizwiz_train.jsonl',
- 'test': 'eval/vlm/data/vizwiz/vizwiz_test.jsonl',
- 'metric': None,
- 'max_new_tokens': 10,
- },
- 'docvqa_val': {
- 'train': 'eval/vlm/data/docvqa/train.jsonl',
- 'test': 'eval/vlm/data/docvqa/val.jsonl',
- 'annotation': 'eval/vlm/data/docvqa/val/val_v1.0.json',
- 'metric': 'anls',
- 'max_new_tokens': 100,
- },
- 'docvqa_test': {
- 'train': 'eval/vlm/data/docvqa/train.jsonl',
- 'test': 'eval/vlm/data/docvqa/test.jsonl',
- 'metric': None,
- 'max_new_tokens': 100,
- },
- 'chartqa_test_human': {
- 'train': 'eval/vlm/data/chartqa/train_human.jsonl',
- 'test': 'eval/vlm/data/chartqa/test_human.jsonl',
- 'metric': 'relaxed_accuracy',
- 'max_new_tokens': 100,
- },
- 'chartqa_test_augmented': {
- 'train': 'eval/vlm/data/chartqa/train_augmented.jsonl',
- 'test': 'eval/vlm/data/chartqa/test_augmented.jsonl',
- 'metric': 'relaxed_accuracy',
- 'max_new_tokens': 100,
- },
- 'gqa_testdev': {
- 'train': 'eval/vlm/data/gqa/train.jsonl',
- 'test': 'eval/vlm/data/gqa/test_balanced.jsonl',
- 'metric': 'accuracy',
- 'max_new_tokens': 10,
- },
- 'gqa_testdev_llava': {
- 'train': 'eval/vlm/data/gqa/train.jsonl',
- 'test': 'eval/vlm/data/gqa/llava_gqa_testdev_balanced_qwen_format.jsonl',
- 'metric': 'accuracy',
- 'max_new_tokens': 10,
- },
- 'ocrvqa_val': {
- 'train': 'eval/vlm/data/ocrvqa/ocrvqa_train.jsonl',
- 'test': 'eval/vlm/data/ocrvqa/ocrvqa_val.jsonl',
- 'metric': 'accuracy',
- 'max_new_tokens': 100,
- },
- 'ocrvqa_test': {
- 'train': 'eval/vlm/data/ocrvqa/ocrvqa_train.jsonl',
- 'test': 'eval/vlm/data/ocrvqa/ocrvqa_test.jsonl',
- 'metric': 'accuracy',
- 'max_new_tokens': 100,
- },
- 'ai2diagram_test': {
- 'train': 'eval/vlm/data/ai2diagram/train.jsonl',
- 'test': 'eval/vlm/data/ai2diagram/test_vlmevalkit.jsonl',
- 'metric': 'accuracy',
- 'max_new_tokens': 10,
- },
- 'infographicsvqa_val': {
- 'train': 'eval/vlm/data/infographicsvqa/train.jsonl',
- 'test': 'eval/vlm/data/infographicsvqa/val.jsonl',
- 'annotation': 'eval/vlm/data/infographicsvqa/infographicsVQA_val_v1.0_withQT.json',
- 'metric': 'anls',
- 'max_new_tokens': 100,
- },
- 'infographicsvqa_test': {
- 'train': 'eval/vlm/data/infographicsvqa/train.jsonl',
- 'test': 'eval/vlm/data/infographicsvqa/test.jsonl',
- 'annotation': 'eval/vlm/data/infographicsvqa/infographicsVQA_test_v1.0.json',
- 'metric': None,
- 'max_new_tokens': 100,
- }
-}
-
-
-# https://github.com/google-research/pix2struct/blob/main/pix2struct/metrics.py#L81
-def relaxed_correctness(target: str,
- prediction: str,
- max_relative_change: float = 0.05) -> bool:
- """Calculates relaxed correctness.
-
- The correctness tolerates certain error ratio defined by max_relative_change.
- See https://arxiv.org/pdf/2203.10244.pdf, end of section 5.1:
- “Following Methani et al. (2020), we use a relaxed accuracy measure for the
- numeric answers to allow a minor inaccuracy that may result from the automatic
- data extraction process. We consider an answer to be correct if it is within
- 5% of the gold answer. For non-numeric answers, we still need an exact match
- to consider an answer to be correct.”
-
- Args:
- target: Target string.
- prediction: Predicted string.
- max_relative_change: Maximum relative change.
-
- Returns:
- Whether the prediction was correct given the specified tolerance.
- """
-
- def _to_float(text: str) -> Optional[float]:
- try:
- if text.endswith('%'):
- # Convert percentages to floats.
- return float(text.rstrip('%')) / 100.0
- else:
- return float(text)
- except ValueError:
- return None
-
- prediction_float = _to_float(prediction)
- target_float = _to_float(target)
- if prediction_float is not None and target_float:
- relative_change = abs(prediction_float -
- target_float) / abs(target_float)
- return relative_change <= max_relative_change
- else:
- return prediction.lower() == target.lower()
-
-
-def evaluate_relaxed_accuracy(entries):
- scores = []
- for elem in entries:
- if isinstance(elem['annotation'], str):
- elem['annotation'] = [elem['annotation']]
- score = max([
- relaxed_correctness(elem['answer'].strip(), ann)
- for ann in elem['annotation']
- ])
- scores.append(score)
- return sum(scores) / len(scores)
-
-
-def evaluate_exact_match_accuracy(entries):
- scores = []
- for elem in entries:
- if isinstance(elem['annotation'], str):
- elem['annotation'] = [elem['annotation']]
- score = max([
- (1.0 if
- (elem['answer'].strip().lower() == ann.strip().lower()) else 0.0)
- for ann in elem['annotation']
- ])
- scores.append(score)
- return sum(scores) / len(scores)
-
-
-def collate_fn(batches):
- questions = [_['question'] for _ in batches]
- images = [_['images'] for _ in batches]
- conversations = [_['conversations'] for _ in batches]
- question_ids = [_['question_id'] for _ in batches]
- annotations = [_['annotation'] for _ in batches]
-
- return questions, images, conversations, question_ids, annotations
-
-
-class VQADataset(torch.utils.data.Dataset):
-
- def __init__(self, train, test, prompt, few_shot):
- self.test = open(test).readlines()
- self.prompt = prompt
- self.few_shot = few_shot
- if few_shot > 0:
- self.train = open(train).readlines()
-
- def __len__(self):
- return len(self.test)
-
- def __getitem__(self, idx):
- data = json.loads(self.test[idx].strip())
- image, question, question_id, annotation = data['image'], data[
- 'question'], data['question_id'], data.get('answer', None)
-
- few_shot_prompt = ''
- if self.few_shot > 0:
- few_shot_samples = random.sample(self.train, self.few_shot)
- for sample in few_shot_samples:
- sample = json.loads(sample.strip())
- few_shot_prompt += self.prompt.format(
- sample['image'],
- sample['question']) + f" {sample['answer']}"
-
- image = Image.open(os.path.join("eval/vlm", image)).convert('RGB')
- images = [image]
-
- if len(self.prompt) != 0:
- question = question + ' ' + self.prompt
-
- images, conversation = process_conversation(images, question)
-
- return {
- 'question_id': question_id,
- 'question': question,
- 'images': images,
- 'conversations': conversation,
- 'annotation': annotation
- }
-
-
-class InferenceSampler(torch.utils.data.sampler.Sampler):
-
- def __init__(self, size):
- self._size = int(size)
- assert size > 0
- self._rank = torch.distributed.get_rank()
- self._world_size = torch.distributed.get_world_size()
- self._local_indices = self._get_local_indices(size, self._world_size, self._rank)
-
- @staticmethod
- def _get_local_indices(total_size, world_size, rank):
- shard_size = total_size // world_size
- left = total_size % world_size
- shard_sizes = [shard_size + int(r < left) for r in range(world_size)]
-
- begin = sum(shard_sizes[:rank])
- end = min(sum(shard_sizes[:rank + 1]), total_size)
- return range(begin, end)
-
- def __iter__(self):
- yield from self._local_indices
-
- def __len__(self):
- return len(self._local_indices)
-
-
-def post_process(response):
- response = response.strip().split('.')[0].split(
- ',')[0].split('!')[0].lower()
- if 'is ' in response:
- response = response.split('is ')[1]
- if 'are ' in response:
- response = response.split('are ')[1]
- if 'a ' in response:
- response = response.split('a ')[1]
- if 'an ' in response:
- response = response.split('an ')[1]
- if 'the ' in response:
- response = response.split('the ')[1]
- if ' of' in response:
- response = response.split(' of')[0]
- response = response.strip()
- return response
-
-
-def evaluate_chat_model():
- base_prompt = 'Answer the question using a single word or phrase.'
- vizwiz_prompt = "When the provided information is insufficient, respond with 'Unanswerable'. "
- infovqa_prompt = 'Answer the question using a single word or phrase.'
- ai2d_prompt = ''
- random.seed(args.seed)
- summaries = []
-
- for ds_name in args.datasets:
- if 'vizwiz' in ds_name:
- input_prompt = vizwiz_prompt + base_prompt
- elif 'ai2d' in ds_name:
- input_prompt = ai2d_prompt
- elif 'infographicsvqa' in ds_name:
- input_prompt = infovqa_prompt
- else:
- input_prompt = base_prompt
-
- dataset = VQADataset(
- train=ds_collections[ds_name]['train'],
- test=ds_collections[ds_name]['test'],
- prompt=input_prompt,
- few_shot=args.few_shot,
- )
- dataloader = torch.utils.data.DataLoader(
- dataset=dataset,
- sampler=InferenceSampler(len(dataset)),
- batch_size=args.batch_size,
- num_workers=args.num_workers,
- pin_memory=True,
- drop_last=False,
- collate_fn=collate_fn,
- )
-
- outputs = []
- for _, (questions, images, conversations, question_ids, annotations) in tqdm(enumerate(dataloader)):
- pred = model.chat(
- tokenizer,
- new_token_ids,
- image_transform,
- images=images[0], # batch=1
- prompt=conversations[0], # batch=1
- max_length=ds_collections[ds_name]['max_new_tokens'], # TODO: how to use ds_collections[ds_name]['min_new_tokens']
- )
- answers = [pred]
-
- for question, question_id, answer, annotation in zip(questions, question_ids, answers, annotations):
- if ds_name in ['vqav2_val', 'vqav2_testdev', 'okvqa_val', 'textvqa_val',
- 'vizwiz_val', 'textvqa_val_ocr']:
- outputs.append({
- 'question': question,
- 'question_id': question_id,
- 'answer': answer,
- })
- elif ds_name in ['docvqa_val', 'infographicsvqa_val', 'gqa_testdev', 'ocrvqa_val',
- 'ocrvqa_test', 'gqa_testdev_llava', 'infographicsvqa_test',]:
- outputs.append({
- 'question': question,
- 'questionId': question_id,
- 'answer': answer,
- 'annotation': annotation,
- })
- elif ds_name in ['ai2diagram_test']:
- outputs.append({
- 'question': question,
- 'image': question_id,
- 'answer': answer,
- 'annotation': annotation,
- })
- elif ds_name in ['chartqa_test_human', 'chartqa_test_augmented']:
- outputs.append({
- 'question': question,
- 'answer': answer,
- 'annotation': annotation,
- })
- elif ds_name in ['docvqa_test']:
- outputs.append({
- 'questionId': question_id,
- 'answer': answer,
- })
- elif ds_name in ['vizwiz_test']:
- outputs.append({
- 'image': question_id.replace('data/vizwiz/test/', ''),
- 'answer': answer,
- })
- else:
- raise NotImplementedError
-
- torch.distributed.barrier()
-
- world_size = torch.distributed.get_world_size()
- merged_outputs = [None for _ in range(world_size)]
- torch.distributed.all_gather_object(merged_outputs, json.dumps(outputs))
-
- merged_outputs = [json.loads(_) for _ in merged_outputs]
- merged_outputs = [_ for _ in itertools.chain.from_iterable(merged_outputs)]
-
- if torch.distributed.get_rank() == 0:
- print(f'Evaluating {ds_name} ...')
- results_file = 'results.json'
- results_file = os.path.join(args.out_dir, results_file)
- json.dump(merged_outputs, open(results_file, 'w'))
- print('Results saved to {}'.format(results_file))
-
- if ds_collections[ds_name]['metric'] == 'vqa_score':
- evaluator = TextVQAAccuracyEvaluator()
- annotation = json.load(open(ds_collections[ds_name]['annotation'], 'r'))['annotations']
- question_id2answers = {}
- for item in annotation:
- question_id = item['question_id']
- answers = [answer['answer'] for answer in item['answers']]
- question_id2answers[question_id] = answers
- for item in merged_outputs:
- item['pred_answer'] = item['answer']
- item['gt_answers'] = question_id2answers[item['question_id']]
- accuracy = evaluator.eval_pred_list(merged_outputs)
- print(ds_name, "\nvqa_score")
- print(accuracy)
- summaries.append(accuracy)
-
- elif ds_collections[ds_name]['metric'] == 'anls':
- json.dump(merged_outputs,
- open(results_file, 'w'),
- ensure_ascii=False)
- print('python eval/vqa/infographicsvqa_eval.py -g ' +
- ds_collections[ds_name]['annotation'] + ' -s ' +
- results_file)
- os.system('python eval/vqa/infographicsvqa_eval.py -g ' +
- ds_collections[ds_name]['annotation'] + ' -s ' +
- results_file)
- elif ds_collections[ds_name]['metric'] == 'relaxed_accuracy':
- relaxed_accuracy = evaluate_relaxed_accuracy(merged_outputs)
- print(ds_name, "\relaxed_accuracy")
- print(relaxed_accuracy)
- summaries.append(relaxed_accuracy)
- elif ds_collections[ds_name]['metric'] == 'accuracy':
- if 'gqa' in ds_name:
- dst_file = 'eval/vlm/data/gqa/testdev_balanced_predictions.json'
- print('python eval/vlm/eval/vqa/convert_gqa_for_eval.py --src ' +
- results_file + ' --dst ' + dst_file)
- python_path = 'python'
- os.system(python_path + ' eval/vlm/eval/vqa/convert_gqa_for_eval.py --src ' +
- results_file + ' --dst ' + dst_file)
- command = f'cd ./eval/vlm/data/gqa/ && {python_path} eval.py --tier testdev_balanced && cd ../../../../'
- print(command)
- accuracy = subprocess.check_output(command, shell=True, universal_newlines=True)
- else:
- accuracy = {'accuracy': evaluate_exact_match_accuracy(merged_outputs)}
- print(ds_name, "\naccuracy")
- print(accuracy)
- summaries.append(accuracy)
-
- torch.distributed.barrier()
-
- if torch.distributed.get_rank() == 0:
- writer = open(os.path.join(args.out_dir, "results.txt"), 'w')
- print(f"write results to file {os.path.join(args.out_dir, 'results.txt')}")
- output_content = ""
- for item in summaries:
- output_content += f"{item}\n"
- writer.write(output_content)
- writer.close()
-
-
-if __name__ == '__main__':
- parser = argparse.ArgumentParser()
- parser.add_argument('--datasets', type=str,
- default='okvqa_val,textvqa_val,vizwiz_val,ai2diagram_test,gqa_testdev_llava')
- parser.add_argument('--batch-size', type=int, default=1)
- parser.add_argument('--num-workers', type=int, default=1)
- parser.add_argument('--out-dir', type=str, default='results')
- parser.add_argument('--seed', type=int, default=0)
- parser.add_argument('--model-path', type=str, default='hf/BAGEL-7B-MoT/')
- parser.add_argument('--few-shot', type=int, default=0)
- args = parser.parse_args()
-
- if not os.path.exists(args.out_dir):
- os.makedirs(args.out_dir, exist_ok=True)
-
- args.datasets = args.datasets.split(',')
- print('datasets:', args.datasets)
- assert args.batch_size == 1, 'Only batch size 1 is supported'
-
- torch.distributed.init_process_group(
- backend='nccl',
- world_size=int(os.getenv('WORLD_SIZE', '1')),
- rank=int(os.getenv('RANK', '0')),
- )
-
- torch.cuda.set_device(int(os.getenv('LOCAL_RANK', 0)))
-
- model, tokenizer, new_token_ids = load_model_and_tokenizer(args)
- image_transform = build_transform()
-
- total_params = sum(p.numel() for p in model.parameters()) / 1e9
- print(f'[test] total_params: {total_params}B')
-
- evaluate_chat_model()
diff --git a/eval/vlm/eval/vqa/textvqa_eval.py b/eval/vlm/eval/vqa/textvqa_eval.py
deleted file mode 100644
index d25819b4315b5983aa3cda0e8be03b8ad98d17e0..0000000000000000000000000000000000000000
--- a/eval/vlm/eval/vqa/textvqa_eval.py
+++ /dev/null
@@ -1,344 +0,0 @@
-# Copyright (c) 2019 Facebook, Inc. and its affiliates.
-# Copyright (c) 2025 Bytedance Ltd. and/or its affiliates.
-# SPDX-License-Identifier: BSD
-#
-# This file has been modified by ByteDance Ltd. and/or its affiliates. on 2025-05-20.
-#
-# Original file was released under BSD, with the full license text
-# available at https://github.com/facebookresearch/mmf/blob/main/LICENSE.
-#
-# This modified file is released under the same license.
-
-import re
-
-from tqdm import tqdm
-
-
-class EvalAIAnswerProcessor:
- """
- Processes an answer similar to Eval AI
- copied from
- https://github.com/facebookresearch/mmf/blob/c46b3b3391275b4181567db80943473a89ab98ab/pythia/tasks/processors.py#L897
- """
-
- CONTRACTIONS = {
- 'aint': "ain't",
- 'arent': "aren't",
- 'cant': "can't",
- 'couldve': "could've",
- 'couldnt': "couldn't",
- "couldn'tve": "couldn't've",
- "couldnt've": "couldn't've",
- 'didnt': "didn't",
- 'doesnt': "doesn't",
- 'dont': "don't",
- 'hadnt': "hadn't",
- "hadnt've": "hadn't've",
- "hadn'tve": "hadn't've",
- 'hasnt': "hasn't",
- 'havent': "haven't",
- 'hed': "he'd",
- "hed've": "he'd've",
- "he'dve": "he'd've",
- 'hes': "he's",
- 'howd': "how'd",
- 'howll': "how'll",
- 'hows': "how's",
- "Id've": "I'd've",
- "I'dve": "I'd've",
- 'Im': "I'm",
- 'Ive': "I've",
- 'isnt': "isn't",
- 'itd': "it'd",
- "itd've": "it'd've",
- "it'dve": "it'd've",
- 'itll': "it'll",
- "let's": "let's",
- 'maam': "ma'am",
- 'mightnt': "mightn't",
- "mightnt've": "mightn't've",
- "mightn'tve": "mightn't've",
- 'mightve': "might've",
- 'mustnt': "mustn't",
- 'mustve': "must've",
- 'neednt': "needn't",
- 'notve': "not've",
- 'oclock': "o'clock",
- 'oughtnt': "oughtn't",
- "ow's'at": "'ow's'at",
- "'ows'at": "'ow's'at",
- "'ow'sat": "'ow's'at",
- 'shant': "shan't",
- "shed've": "she'd've",
- "she'dve": "she'd've",
- "she's": "she's",
- 'shouldve': "should've",
- 'shouldnt': "shouldn't",
- "shouldnt've": "shouldn't've",
- "shouldn'tve": "shouldn't've",
- "somebody'd": 'somebodyd',
- "somebodyd've": "somebody'd've",
- "somebody'dve": "somebody'd've",
- 'somebodyll': "somebody'll",
- 'somebodys': "somebody's",
- 'someoned': "someone'd",
- "someoned've": "someone'd've",
- "someone'dve": "someone'd've",
- 'someonell': "someone'll",
- 'someones': "someone's",
- 'somethingd': "something'd",
- "somethingd've": "something'd've",
- "something'dve": "something'd've",
- 'somethingll': "something'll",
- 'thats': "that's",
- 'thered': "there'd",
- "thered've": "there'd've",
- "there'dve": "there'd've",
- 'therere': "there're",
- 'theres': "there's",
- 'theyd': "they'd",
- "theyd've": "they'd've",
- "they'dve": "they'd've",
- 'theyll': "they'll",
- 'theyre': "they're",
- 'theyve': "they've",
- 'twas': "'twas",
- 'wasnt': "wasn't",
- "wed've": "we'd've",
- "we'dve": "we'd've",
- 'weve': "we've",
- 'werent': "weren't",
- 'whatll': "what'll",
- 'whatre': "what're",
- 'whats': "what's",
- 'whatve': "what've",
- 'whens': "when's",
- 'whered': "where'd",
- 'wheres': "where's",
- 'whereve': "where've",
- 'whod': "who'd",
- "whod've": "who'd've",
- "who'dve": "who'd've",
- 'wholl': "who'll",
- 'whos': "who's",
- 'whove': "who've",
- 'whyll': "why'll",
- 'whyre': "why're",
- 'whys': "why's",
- 'wont': "won't",
- 'wouldve': "would've",
- 'wouldnt': "wouldn't",
- "wouldnt've": "wouldn't've",
- "wouldn'tve": "wouldn't've",
- 'yall': "y'all",
- "yall'll": "y'all'll",
- "y'allll": "y'all'll",
- "yall'd've": "y'all'd've",
- "y'alld've": "y'all'd've",
- "y'all'dve": "y'all'd've",
- 'youd': "you'd",
- "youd've": "you'd've",
- "you'dve": "you'd've",
- 'youll': "you'll",
- 'youre': "you're",
- 'youve': "you've",
- }
-
- NUMBER_MAP = {
- 'none': '0',
- 'zero': '0',
- 'one': '1',
- 'two': '2',
- 'three': '3',
- 'four': '4',
- 'five': '5',
- 'six': '6',
- 'seven': '7',
- 'eight': '8',
- 'nine': '9',
- 'ten': '10',
- }
- ARTICLES = ['a', 'an', 'the']
- PERIOD_STRIP = re.compile(r'(?!<=\d)(\.)(?!\d)')
- COMMA_STRIP = re.compile(r'(?<=\d)(\,)+(?=\d)')
- PUNCTUATIONS = [
- ';',
- r'/',
- '[',
- ']',
- '"',
- '{',
- '}',
- '(',
- ')',
- '=',
- '+',
- '\\',
- '_',
- '-',
- '>',
- '<',
- '@',
- '`',
- ',',
- '?',
- '!',
- ]
-
- def __init__(self, *args, **kwargs):
- pass
-
- def word_tokenize(self, word):
- word = word.lower()
- word = word.replace(',', '').replace('?', '').replace("'s", " 's")
- return word.strip()
-
- def process_punctuation(self, in_text):
- out_text = in_text
- for p in self.PUNCTUATIONS:
- if (p + ' ' in in_text or ' ' + p in in_text) or (
- re.search(self.COMMA_STRIP, in_text) is not None
- ):
- out_text = out_text.replace(p, '')
- else:
- out_text = out_text.replace(p, ' ')
- out_text = self.PERIOD_STRIP.sub('', out_text, re.UNICODE)
- return out_text
-
- def process_digit_article(self, in_text):
- out_text = []
- temp_text = in_text.lower().split()
- for word in temp_text:
- word = self.NUMBER_MAP.setdefault(word, word)
- if word not in self.ARTICLES:
- out_text.append(word)
- else:
- pass
- for word_id, word in enumerate(out_text):
- if word in self.CONTRACTIONS:
- out_text[word_id] = self.CONTRACTIONS[word]
- out_text = ' '.join(out_text)
- return out_text
-
- def __call__(self, item):
- item = self.word_tokenize(item)
- item = item.replace('\n', ' ').replace('\t', ' ').strip()
- item = self.process_punctuation(item)
- item = self.process_digit_article(item)
- return item
-
-
-class TextVQAAccuracyEvaluator:
- def __init__(self):
- self.answer_processor = EvalAIAnswerProcessor()
-
- def _compute_answer_scores(self, raw_answers):
- """
- compute the accuracy (soft score) of human answers
- """
- answers = [self.answer_processor(a) for a in raw_answers]
- assert len(answers) == 10
- gt_answers = list(enumerate(answers))
- unique_answers = set(answers)
- unique_answer_scores = {}
-
- for unique_answer in unique_answers:
- accs = []
- for gt_answer in gt_answers:
- other_answers = [item for item in gt_answers if item != gt_answer]
- matching_answers = [
- item for item in other_answers if item[1] == unique_answer
- ]
- acc = min(1, float(len(matching_answers)) / 3)
- accs.append(acc)
- unique_answer_scores[unique_answer] = sum(accs) / len(accs)
-
- return unique_answer_scores
-
- def eval_pred_list(self, pred_list, disable_tqdm=False):
- pred_scores = []
- for entry in tqdm(pred_list, disable=disable_tqdm):
- pred_answer = self.answer_processor(entry['pred_answer'])
- unique_answer_scores = self._compute_answer_scores(entry['gt_answers'])
- score = unique_answer_scores.get(pred_answer, 0.0)
- pred_scores.append(score)
-
- accuracy = sum(pred_scores) / len(pred_scores)
- return accuracy
-
-
-class STVQAAccuracyEvaluator:
- def __init__(self):
- self.answer_processor = EvalAIAnswerProcessor()
-
- def eval_pred_list(self, pred_list):
- pred_scores = []
- for entry in pred_list:
- pred_answer = self.answer_processor(entry['pred_answer'])
- gts = [self.answer_processor(a) for a in entry['gt_answers']]
- score = 1.0 if pred_answer in gts else 0.0
- pred_scores.append(score)
-
- accuracy = sum(pred_scores) / len(pred_scores)
- return accuracy
-
-
-class STVQAANLSEvaluator:
- def __init__(self):
- import editdistance # install with `pip install editdistance`
-
- self.get_edit_distance = editdistance.eval
-
- def get_anls(self, s1, s2):
- s1 = s1.lower().strip()
- s2 = s2.lower().strip()
- iou = 1 - self.get_edit_distance(s1, s2) / max(len(s1), len(s2))
- anls = iou if iou >= 0.5 else 0.0
- return anls
-
- def eval_pred_list(self, pred_list):
- pred_scores = []
- for entry in pred_list:
- anls = max(
- self.get_anls(entry['pred_answer'], gt) for gt in entry['gt_answers']
- )
- pred_scores.append(anls)
-
- accuracy = sum(pred_scores) / len(pred_scores)
- return accuracy
-
-
-class TextCapsBleu4Evaluator:
- def __init__(self):
- # The following script requires Java 1.8.0 and pycocotools installed.
- # The pycocoevalcap can be installed with pip as
- # pip install git+https://github.com/ronghanghu/coco-caption.git@python23
- # Original pycocoevalcap code is at https://github.com/tylin/coco-caption
- # but has no python3 support yet.
- try:
- from pycocoevalcap.bleu.bleu import Bleu
- from pycocoevalcap.tokenizer.ptbtokenizer import PTBTokenizer
- except ModuleNotFoundError:
- print(
- 'Please install pycocoevalcap module using '
- 'pip install git+https://github.com/ronghanghu/coco-caption.git@python23' # noqa
- )
- raise
-
- self.tokenizer = PTBTokenizer()
- self.scorer = Bleu(4)
-
- def eval_pred_list(self, pred_list):
- # Create reference and hypotheses captions.
- gts = {}
- res = {}
- for idx, entry in enumerate(pred_list):
- gts[idx] = [{'caption': a} for a in entry['gt_answers']]
- res[idx] = [{'caption': entry['pred_answer']}]
-
- gts = self.tokenizer.tokenize(gts)
- res = self.tokenizer.tokenize(res)
- score, _ = self.scorer.compute_score(gts, res)
-
- bleu4 = score[3] # score is (Bleu-1, Bleu-2, Bleu-3, Bleu-4)
- return bleu4
diff --git a/eval/vlm/evaluate.sh b/eval/vlm/evaluate.sh
deleted file mode 100644
index 729b19605b235f8462b237c25f4ab5a862175cae..0000000000000000000000000000000000000000
--- a/eval/vlm/evaluate.sh
+++ /dev/null
@@ -1,184 +0,0 @@
-# Copyright (c) 2023 OpenGVLab
-# Copyright (c) 2025 Bytedance Ltd. and/or its affiliates.
-# SPDX-License-Identifier: MIT
-#
-# This file has been modified by ByteDance Ltd. and/or its affiliates. on 2025-05-20.
-#
-# Original file was released under MIT, with the full license text
-# available at https://github.com/OpenGVLab/InternVL/blob/main/LICENSE.
-#
-# This modified file is released under the same license.
-
-set -x
-
-export PYTHONPATH="$(pwd):${PYTHONPATH}"
-export TF_CPP_MIN_LOG_LEVEL=3
-export LAUNCHER=pytorch
-
-DATASET=${1}
-echo "CHECKPOINT: ${CHECKPOINT}"
-
-# Save original arguments
-ARGS=("$@")
-
-# Parse options
-while [[ $# -gt 0 ]]; do
- case "$1" in
- --auto)
- GPUS=1
- shift
- ;;
- *)
- shift
- ;;
- esac
-done
-echo "GPUS: ${GPUS}"
-
-if [ ${DATASET} == "mme" ]; then
- python -m eval.vlm.eval.mme.eval "${ARGS[@]:1}"
-fi
-
-if [ ${DATASET} == "mmvet" ]; then
- python -m eval.vlm.eval.mmvet.evaluate_mmvet --datasets mmvet "${ARGS[@]:1}"
-fi
-
-if [ ${DATASET} == "mmbench-dev-en" ]; then
- torchrun \
- --nnodes=$ARNOLD_WORKER_NUM \
- --node_rank=$ARNOLD_ID \
- --master_addr=$ARNOLD_WORKER_0_HOST \
- --nproc_per_node=${GPUS} \
- --master_port=${MASTER_PORT} \
- -m eval.vlm.eval.mmbench.evaluate_mmbench --datasets mmbench_dev_20230712 "${ARGS[@]:1}"
-fi
-
-if [ ${DATASET} == "mmbench-dev-cn" ]; then
- torchrun \
- --nnodes=$ARNOLD_WORKER_NUM \
- --node_rank=$ARNOLD_ID \
- --master_addr=$ARNOLD_WORKER_0_HOST \
- --nproc_per_node=${GPUS} \
- --master_port=${MASTER_PORT} \
- -m eval.vlm.eval.mmbench.evaluate_mmbench --datasets mmbench_dev_cn_20231003 "${ARGS[@]:1}"
-fi
-
-if [ ${DATASET} == "mmbench-test-en" ]; then
- torchrun \
- --nnodes=$ARNOLD_WORKER_NUM \
- --node_rank=$ARNOLD_ID \
- --master_addr=$ARNOLD_WORKER_0_HOST \
- --nproc_per_node=${GPUS} \
- --master_port=${MASTER_PORT} \
- -m eval.vlm.eval.mmbench.evaluate_mmbench --datasets mmbench_test_en_20231003 "${ARGS[@]:1}"
-fi
-
-if [ ${DATASET} == "mmbench-test-cn" ]; then
- torchrun \
- --nnodes=$ARNOLD_WORKER_NUM \
- --node_rank=$ARNOLD_ID \
- --master_addr=$ARNOLD_WORKER_0_HOST \
- --nproc_per_node=${GPUS} \
- --master_port=${MASTER_PORT} \
- -m eval.vlm.eval.mmbench.evaluate_mmbench --datasets mmbench_test_cn_20231003 "${ARGS[@]:1}"
-fi
-
-if [ ${DATASET} == "mmmu-dev" ]; then
- torchrun \
- --nnodes=$ARNOLD_WORKER_NUM \
- --node_rank=$ARNOLD_ID \
- --master_addr=$ARNOLD_WORKER_0_HOST \
- --nproc_per_node=${GPUS} \
- --master_port=${MASTER_PORT} \
- -m eval.vlm.eval.mmmu.evaluate_mmmu --datasets MMMU_dev "${ARGS[@]:1}"
-fi
-
-if [ ${DATASET} == "mmmu-val" ]; then
- torchrun \
- --nnodes=$ARNOLD_WORKER_NUM \
- --node_rank=$ARNOLD_ID \
- --master_addr=$ARNOLD_WORKER_0_HOST \
- --nproc_per_node=${GPUS} \
- --master_port=${MASTER_PORT} \
- -m eval.vlm.eval.mmmu.evaluate_mmmu --datasets MMMU_validation "${ARGS[@]:1}"
-fi
-
-if [ ${DATASET} == "mmmu-val_cot" ]; then
- torchrun \
- --nnodes=$ARNOLD_WORKER_NUM \
- --node_rank=$ARNOLD_ID \
- --master_addr=$ARNOLD_WORKER_0_HOST \
- --nproc_per_node=${GPUS} \
- --master_port=${MASTER_PORT} \
- -m eval.vlm.eval.mmmu.evaluate_mmmu_cot --datasets MMMU_validation_cot "${ARGS[@]:1}"
-fi
-
-if [ ${DATASET} == "mmmu-test" ]; then
- torchrun \
- --nnodes=$ARNOLD_WORKER_NUM \
- --node_rank=$ARNOLD_ID \
- --master_addr=$ARNOLD_WORKER_0_HOST \
- --nproc_per_node=${GPUS} \
- --master_port=${MASTER_PORT} \
- -m eval.vlm.eval.mmmu.evaluate_mmmu --datasets MMMU_test "${ARGS[@]:1}"
-fi
-
-if [ ${DATASET} == "mathvista-testmini" ]; then
- torchrun \
- --nnodes=$ARNOLD_WORKER_NUM \
- --node_rank=$ARNOLD_ID \
- --master_addr=$ARNOLD_WORKER_0_HOST \
- --nproc_per_node=${GPUS} \
- --master_port=${MASTER_PORT} \
- -m eval.vlm.eval.mathvista.evaluate_mathvista --datasets MathVista_testmini "${ARGS[@]:1}"
-fi
-
-if [ ${DATASET} == "mathvista-test" ]; then
- torchrun \
- --nnodes=$ARNOLD_WORKER_NUM \
- --node_rank=$ARNOLD_ID \
- --master_addr=$ARNOLD_WORKER_0_HOST \
- --nproc_per_node=${GPUS} \
- --master_port=${MASTER_PORT} \
- -m eval.vlm.eval.mathvista.evaluate_mathvista --datasets MathVista_test "${ARGS[@]:1}"
-fi
-
-if [ ${DATASET} == "pope" ]; then
- torchrun \
- --nnodes=$ARNOLD_WORKER_NUM \
- --node_rank=$ARNOLD_ID \
- --master_addr=$ARNOLD_WORKER_0_HOST \
- --nproc_per_node=${GPUS} \
- --master_port=${MASTER_PORT} \
- -m eval.vlm.eval.pope.evaluate_pope --datasets pope "${ARGS[@]:1}"
-fi
-
-if [ ${DATASET} == "pope_cot" ]; then
- torchrun \
- --nnodes=$ARNOLD_WORKER_NUM \
- --node_rank=$ARNOLD_ID \
- --master_addr=$ARNOLD_WORKER_0_HOST \
- --nproc_per_node=${GPUS} \
- --master_port=${MASTER_PORT} \
- -m eval.vlm.eval.pope.evaluate_pope --datasets pope_cot --cot "${ARGS[@]:1}"
-fi
-
-if [ ${DATASET} == "vqa-gqa-testdev" ]; then
- torchrun \
- --nnodes=$ARNOLD_WORKER_NUM \
- --node_rank=$ARNOLD_ID \
- --master_addr=$ARNOLD_WORKER_0_HOST \
- --nproc_per_node=${GPUS} \
- --master_port=${MASTER_PORT} \
- -m eval.vlm.eval.vqa.evaluate_vqa --datasets gqa_testdev_llava "${ARGS[@]:1}"
-fi
-
-if [ ${DATASET} == "mmvp" ]; then
- torchrun \
- --nnodes=$ARNOLD_WORKER_NUM \
- --node_rank=$ARNOLD_ID \
- --master_addr=$ARNOLD_WORKER_0_HOST \
- --nproc_per_node=${GPUS} \
- --master_port=${MASTER_PORT} \
- -m eval.vlm.eval.mmvp.evaluate_mmvp --datasets MMVP "${ARGS[@]:1}"
-fi
diff --git a/eval/vlm/utils.py b/eval/vlm/utils.py
deleted file mode 100644
index f7c1d9a51bdba206dbd5965d9834721a6d98260f..0000000000000000000000000000000000000000
--- a/eval/vlm/utils.py
+++ /dev/null
@@ -1,87 +0,0 @@
-# Copyright (c) 2023 OpenGVLab
-# Copyright (c) 2025 Bytedance Ltd. and/or its affiliates.
-# SPDX-License-Identifier: MIT
-#
-# This file has been modified by ByteDance Ltd. and/or its affiliates. on 2025-05-20.
-#
-# Original file was released under MIT, with the full license text
-# available at https://github.com/OpenGVLab/InternVL/blob/main/LICENSE.
-#
-# This modified file is released under the same license.
-
-import os
-import yaml
-
-from data.data_utils import add_special_tokens, pil_img2rgb
-from modeling.bagel import (
- BagelConfig,
- Bagel,
- Qwen2Config,
- Qwen2ForCausalLM,
- SiglipVisionConfig,
- SiglipVisionModel,
-)
-from modeling.qwen2 import Qwen2Tokenizer
-from safetensors.torch import load_file
-
-from data.transforms import ImageTransform
-
-
-def load_model_and_tokenizer(args):
- llm_config = Qwen2Config.from_json_file(os.path.join(args.model_path, "llm_config.json"))
- llm_config.qk_norm = True
- llm_config.tie_word_embeddings = False
- llm_config.layer_module ="Qwen2MoTDecoderLayer"
-
- vit_config = SiglipVisionConfig.from_json_file(os.path.join(args.model_path, "vit_config.json"))
- vit_config.rope = False
- vit_config.num_hidden_layers = vit_config.num_hidden_layers - 1
-
- config = BagelConfig(
- visual_gen=False,
- visual_und=True,
- llm_config=llm_config,
- vit_config=vit_config,
- vit_max_num_patch_per_side=70,
- connector_act='gelu_pytorch_tanh',
- )
- language_model = Qwen2ForCausalLM(llm_config)
- vit_model = SiglipVisionModel(vit_config)
- model = Bagel(language_model, vit_model, config)
- model.vit_model.vision_model.embeddings.convert_conv2d_to_linear(vit_config)
-
- tokenizer = Qwen2Tokenizer.from_pretrained(args.model_path)
- tokenizer, new_token_ids, _ = add_special_tokens(tokenizer)
-
- model_state_dict_path = os.path.join(args.model_path, "ema.safetensors")
- model_state_dict = load_file(model_state_dict_path, device="cpu")
- msg = model.load_state_dict(model_state_dict, strict=False)
- print(msg)
- del model_state_dict
- model = model.cuda().eval()
-
- return model, tokenizer, new_token_ids
-
-
-def build_transform():
- with open("./data/configs/example.yaml", "r") as f:
- data_config = yaml.safe_load(f)
-
- max_image_size = data_config['vlm_sft']['image_transform_args']['max_image_size']
- min_image_size = data_config['vlm_sft']['image_transform_args']['min_image_size']
- image_stride = data_config['vlm_sft']['image_transform_args']['image_stride']
- max_pixels = data_config['vlm_sft']['image_transform_args']['max_pixels']
-
- image_transform = ImageTransform(
- max_image_size=max_image_size,
- min_image_size=min_image_size,
- image_stride=image_stride,
- max_pixels=max_pixels,
- )
-
- return image_transform
-
-
-def process_conversation(images, conversation):
- images = [pil_img2rgb(image) for image in images]
- return images, conversation